A B C D E F G H I J K L M N O P Q R S T U V W Z _ 

A

abs(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "abs" operation on a matrix on the GPU
acos(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "acos" operation on a matrix on the GPU
acquireDeviceModifyDense() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
acquireDeviceModifySparse() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
acquireDeviceRead() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
acquireHostRead() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
if the data is allocated on the GPU and is dirty, it is copied back to the host memory
AdaptivePartialBlock - Class in org.apache.sysml.runtime.matrix.data
Writable used in ReblockMR for intermediate results.
AdaptivePartialBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
AdaptivePartialBlock(PartialBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
AddDummyWeightConverter - Class in org.apache.sysml.runtime.matrix.data
 
AddDummyWeightConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.AddDummyWeightConverter
 
addIDToDataFrame(Dataset<Row>, SparkSession, String) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
Add element indices as new column to DataFrame
addLock() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
addResult(String, Data) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Add the output variable name and generated output data to the ResultVariable object.
AddRowID() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt.AddRowID
 
adjustRowIndicesMax(int[], double[], BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function adjusts indices to be leveraged in uarimaxXX functions.
adjustRowIndicesMin(int[], double[], BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function adjusts indices to be leveraged in uariminXX functions.
aggByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, AggregateOperator) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
aggByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, AggregateOperator, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
aggByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, AggregateOperator, int, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
aggregate(long, long, double) - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
aggregateBinary(MatrixCharacteristics, MatrixCharacteristics, AggregateBinaryOperator, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
AggregateBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
aggregateBinaryMatrix(MatrixBlock, MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
Core incremental matrix aggregate (ak+) as used in mapmult, tsmm, cpmm, etc.
aggregateBinaryMatrix(MatrixBlock, MatrixBlock, AggregateOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
Core incremental matrix aggregate (ak+) as used for uack+ and acrk+.
aggregateBinaryOperations(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
aggregateBinaryOperations(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
aggregateBinaryOperations(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
aggregateBinaryOperations(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
aggregateBinaryOperations(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
aggregateBinaryOperations(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
aggregateBinaryOperations(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
aggregateBinaryOperations(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
aggregateBinaryOperations(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
aggregateBinaryOperations(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixValue, AggregateBinaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
aggregateMatrix(MatrixBlock, MatrixBlock, double[], int[], BinaryOperator, AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
 
aggregatePartialResults(SpoofCellwise.AggOp[], MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
aggregateTernary(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, AggregateTernaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
aggregateTernary(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, AggregateTernaryOperator, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
aggregateTernaryOperations(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, AggregateTernaryOperator, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
aggregateTernaryOperations(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, AggregateTernaryOperator, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
AggregateTernarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
aggregateUnary(MatrixCharacteristics, AggregateUnaryOperator, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
AggregateUnaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
Implements aggregate unary instructions for CUDA
aggregateUnaryMatrix(MatrixBlock, MatrixBlock, AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
aggregateUnaryMatrix(MatrixBlock, MatrixBlock, AggregateUnaryOperator, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes, boolean) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
aggregateUnaryOperations(AggregateUnaryOperator, MatrixValue, int, int, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
AggregateUnarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
AggregateUnarySPInstruction(AggregateUnaryOperator, AggregateOperator, CPOperand, CPOperand, AggBinaryOp.SparkAggType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.AggregateUnarySPInstruction
 
aggStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, AggregateOperator) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Single block aggregation over pair rdds with corrections for numerical stability.
aggStable(JavaRDD<MatrixBlock>, AggregateOperator) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Single block aggregation over rdds with corrections for numerical stability.
ALL_SUPPORTED_DATA_TYPES - Static variable in class org.apache.sysml.api.mlcontext.MLContextUtil
All data types supported by the MLContext API.
allocate(long) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Convenience method for GPUContext.allocate(String, long, int), defaults statsCount to 1.
allocate(String, long) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Convenience method for GPUContext.allocate(String, long, int), defaults statsCount to 1.
allocate(String, long, int) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Allocates temporary space on the device.
allocate(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Allocate the underlying data structure holding non-zero values of row r if necessary.
allocate(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Allocate the underlying data structure holding non-zero values of row r if necessary, w/ given size.
allocate(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Allocate the underlying data structure holding non-zero values of row r w/ the specified estimated nnz and max nnz.
allocate(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
allocate(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
allocate(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
allocate(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
allocate(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
allocate(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
allocate(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
allocate(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
allocate(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
allocateAndFillDense(double) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Allocates a dense matrix of size obtained from the attached matrix metadata and fills it up with a single value
allocateAndResetSparseRowsBlock(boolean, SparseBlock.Type) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateDenseBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateDenseBlock(boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateDenseBlockUnsafe(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
This should be called only in the read and write functions for CP This function should be called before calling any setValueDenseUnsafe()
allocateDenseOrSparse(int, int, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
allocateDenseOrSparse(long, long, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
allocateDenseOrSparseBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateEmpty(GPUContext, long, long) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Factory method to allocate an empty CSR Sparse matrix on the GPU
allocateForDgeam(GPUContext, cusparseHandle, CSRPointer, CSRPointer, int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Estimates the number of non zero elements from the results of a sparse cusparseDgeam operation C = a op(A) + b op(B)
allocateForMatrixMultiply(GPUContext, cusparseHandle, CSRPointer, int, CSRPointer, int, int, int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Estimates the number of non-zero elements from the result of a sparse matrix multiplication C = A * B and returns the CSRPointer to C with the appropriate GPU memory.
allocateSparseAndEmpty() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Allocates a sparse and empty GPUObject This is the result of operations that are both non zero matrices.
allocateSparseRowsBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateSparseRowsBlock(boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
allocateTensorDescriptor(int, int, int, int) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Returns a previously allocated or allocates and returns a tensor descriptor
allocDVector(int, boolean) - Static method in class org.apache.sysml.runtime.compress.ColGroupValue
 
allocIVector(int, boolean) - Static method in class org.apache.sysml.runtime.compress.ColGroupValue
 
allocVector(int, boolean) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
allocVector(int, boolean, double) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
ALLOW_BLOCK_REUSE - Static variable in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
ALLOW_CACHE_CONSCIOUS_ROWSUMS - Static variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
ALLOW_DDC_ENCODING - Static variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
append(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Append a value to the end of the physical representation.
append(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
append(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
append(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
append(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Appends a value to the end of the sparse row.
append(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
append(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
appendColumn(String[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a column of value type STRING as the last column of the data frame.
appendColumn(boolean[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a column of value type BOOLEAN as the last column of the data frame.
appendColumn(long[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a column of value type INT as the last column of the data frame.
appendColumn(double[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a column of value type DOUBLE as the last column of the data frame.
appendColumns(double[][]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a set of column of value type DOUBLE at the end of the frame in order to avoid repeated allocation with appendColumns.
AppendGAlignedSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
AppendGAlignedSPInstruction.ShiftColumnIndex - Class in org.apache.sysml.runtime.instructions.spark
 
AppendGSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
AppendGSPInstruction.MergeWithShiftedBlocks - Class in org.apache.sysml.runtime.instructions.spark
 
AppendGSPInstruction.ShiftMatrix - Class in org.apache.sysml.runtime.instructions.spark
 
AppendMSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
AppendMSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, boolean, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.AppendMSPInstruction
 
appendOperations(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
appendOperations(MatrixBlock, MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
appendOperations(MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
appendOperations(MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
appendOperations(FrameBlock, FrameBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Appends the given argument frameblock 'that' to this frameblock by creating a deep copy to prevent side effects.
appendOperations(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendOperations(MatrixBlock, MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendOperations(MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendOperations(MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
appendOperations(MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
appendRow(Object[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a row to the end of the data frame, where all row fields are boxed objects according to the schema.
appendRow(String[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Append a row to the end of the data frame, where all row fields are string encoded.
appendRow(int, SparseRow) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendRow(int, SparseRow, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
AppendRSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
appendStatistics(StringBuilder) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
appendToSparse(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendToSparse(MatrixBlock, int, int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
appendValue(DblArray, IntArrayList) - Method in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap
 
appendValue(double, IntArrayList) - Method in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap
 
appendValue(int) - Method in class org.apache.sysml.runtime.compress.utils.IntArrayList
 
appendValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Append value is only used when values are appended at the end of each row for the sparse representation This can only be called, when the caller knows the access pattern of the block
applyScalarOp(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
Method for use by subclasses.
applyScalarOp(ScalarOperator, double, int) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
argVals - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
ArithmeticBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
ArithmeticBinaryGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.ArithmeticBinaryGPUInstruction
 
ArithmeticBinarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
asin(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "asin" operation on a matrix on the GPU
asMatrixCharacteristics() - Method in class org.apache.sysml.api.mlcontext.Metadata
Convert the metadata to a MatrixCharacteristics object.
AssignRowIDMRReturn() - Constructor for class org.apache.sysml.runtime.matrix.CSVReblockMR.AssignRowIDMRReturn
 
atan(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "atan" operation on a matrix on the GPU
AVAILABLE_GPUS - Static variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
GPUs to use, can specify -1 to use all, comma separated list of GPU numbers, a specific GPU or a range
aVal - Variable in class org.apache.sysml.udf.lib.RowClassMeet.ClassLabels
 
axpy(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs daxpy operation

B

base - Variable in class org.apache.sysml.runtime.matrix.data.Tagged
 
BASIC_DATA_TYPES - Static variable in class org.apache.sysml.api.mlcontext.MLContextUtil
Basic data types supported by the MLContext API.
batchNormalizationBackward(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
This method computes the backpropagation errors for image, scale and bias of batch normalization layer
batchNormalizationForwardInference(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs the forward BatchNormalization layer computation for inference
batchNormalizationForwardTraining(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, MatrixObject, double, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs the forward BatchNormalization layer computation for training
beginCol - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
beginLine - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
bias - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
biasAdd(GPUContext, String, MatrixObject, MatrixObject, MatrixObject) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs the operation corresponding to the DML script: ones = matrix(1, rows=1, cols=Hout*Wout) output = input + matrix(bias %*% ones, rows=1, cols=F*Hout*Wout) This operation is often followed by conv2d and hence we have introduced bias_add(input, bias) built-in function
biasAdd(MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
Performs the operation corresponding to the DML script: ones = matrix(1, rows=1, cols=Hout*Wout) output = input + matrix(bias %*% ones, rows=1, cols=F*Hout*Wout) This operation is often followed by conv2d and hence we have introduced bias_add(input, bias) built-in function
biasMultiply(GPUContext, String, MatrixObject, MatrixObject, MatrixObject) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs the operation corresponding to the DML script: ones = matrix(1, rows=1, cols=Hout*Wout) output = input * matrix(bias %*% ones, rows=1, cols=F*Hout*Wout) This operation is often followed by conv2d and hence we have introduced bias_add(input, bias) built-in function
biasMultiply(MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
Performs the operation corresponding to the DML script: ones = matrix(1, rows=1, cols=Hout*Wout) output = input * matrix(bias %*% ones, rows=1, cols=F*Hout*Wout) This operation is often followed by conv2d and hence we have introduced bias_multiply(input, bias) built-in function
BIN_CAPACITY - Static variable in class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitionerBinPacking
 
BinaryBlockFrameInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
BinaryBlockFrameOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
BinaryBlockInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
BinaryBlockOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
binaryBlocksToFrameObject(String, JavaPairRDD<Long, FrameBlock>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaPairRDD<Long, FrameBlock> to a FrameObject.
binaryBlocksToFrameObject(String, JavaPairRDD<Long, FrameBlock>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaPairRDD<Long, FrameBlock> to a FrameObject.
binaryBlocksToMatrixBlock(JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaPairRDD<MatrixIndexes, MatrixBlock> to a MatrixBlock
binaryBlocksToMatrixObject(String, JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaPairRDD<MatrixIndexes, MatrixBlock> to a MatrixObject.
binaryBlocksToMatrixObject(String, JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaPairRDD<MatrixIndexes, MatrixBlock> to a MatrixObject.
BinaryBlockToBinaryCellConverter - Class in org.apache.sysml.runtime.matrix.data
 
BinaryBlockToBinaryCellConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.BinaryBlockToBinaryCellConverter
 
binaryBlockToCsv(JavaPairRDD<Long, FrameBlock>, MatrixCharacteristics, CSVFileFormatProperties, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
binaryBlockToCsv(JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics, CSVFileFormatProperties, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
binaryBlockToDataFrame(SparkSession, JavaPairRDD<Long, FrameBlock>, MatrixCharacteristics, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
binaryBlockToDataFrame(SQLContext, JavaPairRDD<Long, FrameBlock>, MatrixCharacteristics, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
Deprecated.
binaryBlockToDataFrame(SparkSession, JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
binaryBlockToDataFrame(SQLContext, JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
Deprecated.
binaryBlockToLabeledPoints(JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
Converter from binary block rdd to rdd of labeled points.
binaryBlockToMatrixBlock(JavaPairRDD<Long, FrameBlock>, MatrixCharacteristics, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
BinaryBlockToRowBlockConverter - Class in org.apache.sysml.runtime.matrix.data
 
BinaryBlockToRowBlockConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.BinaryBlockToRowBlockConverter
 
binaryBlockToTextCell(JavaPairRDD<Long, FrameBlock>, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
binaryBlockToTextCell(JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
BinaryBlockToTextCellConverter - Class in org.apache.sysml.runtime.matrix.data
 
BinaryBlockToTextCellConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.BinaryBlockToTextCellConverter
 
BinaryCellInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
BinaryCellOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
binaryCellToBinaryBlock(JavaSparkContext, JavaPairRDD<MatrixIndexes, MatrixCell>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
BinaryCellToRowBlockConverter - Class in org.apache.sysml.runtime.matrix.data
 
BinaryCellToRowBlockConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.BinaryCellToRowBlockConverter
 
BinaryCellToTextConverter - Class in org.apache.sysml.runtime.matrix.data
 
BinaryCellToTextConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.BinaryCellToTextConverter
 
BinaryObject - Class in org.apache.sysml.udf
Class to represent an object.
BinaryObject(Object) - Constructor for class org.apache.sysml.udf.BinaryObject
constructor that takes object as param
binaryOperations(BinaryOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
binaryOperations(BinaryOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
binaryOperations(BinaryOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
binaryOperations(BinaryOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
binaryOperations(BinaryOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
binaryOperationsInPlace(BinaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
binaryOperationsInPlace(BinaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
binaryOperationsInPlace(BinaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
binaryOperationsInPlace(BinaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
binaryOperationsInPlace(BinaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
BinarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
BinarySPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
bincellOp(MatrixBlock, MatrixBlock, ScalarOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
matrix-scalar, scalar-matrix binary operations.
bincellOp(MatrixBlock, MatrixBlock, MatrixBlock, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
matrix-matrix binary operations, MM, MV
bincellOpInPlace(MatrixBlock, MatrixBlock, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
NOTE: operations in place always require m1 and m2 to be of equal dimensions
BinningWrapper - Class in org.apache.sysml.udf.lib
Wrapper class for binning a sorted input vector
BinningWrapper() - Constructor for class org.apache.sysml.udf.lib.BinningWrapper
 
BinUaggChainSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
BinUaggChainSPInstruction.RDDBinUaggChainFunction - Class in org.apache.sysml.runtime.instructions.spark
 
BITMAP_BLOCK_SZ - Static variable in class org.apache.sysml.runtime.compress.BitmapEncoder
Size of the blocks used in a blocked bitmap representation.
BitmapEncoder - Class in org.apache.sysml.runtime.compress
Static functions for encoding bitmaps in various ways.
BitmapEncoder() - Constructor for class org.apache.sysml.runtime.compress.BitmapEncoder
 
blockDimX - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
blockDimY - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
blockDimZ - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
BlockRow() - Constructor for class org.apache.sysml.runtime.matrix.CSVReblockMR.BlockRow
 
BUFFER_SIZE - Static variable in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
BUILD_TIME_NOT_AVAILABLE - Static variable in class org.apache.sysml.api.mlcontext.MLContextUtil
Build time not available message.
buildTime() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain the SystemML jar file build time.
buildTime() - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
Object the artifact build time from the manifest.
BuiltinBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
BuiltinBinaryGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String, int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.BuiltinBinaryGPUInstruction
 
BuiltinBinarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
BuiltinBinarySPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.BuiltinBinarySPInstruction
 
BuiltinUnaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
BuiltinUnaryGPUInstruction(Operator, CPOperand, CPOperand, int, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.BuiltinUnaryGPUInstruction
 
BuiltinUnarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
BuiltinUnarySPInstruction(Operator, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.BuiltinUnarySPInstruction
 
bVal - Variable in class org.apache.sysml.udf.lib.RowClassMeet.ClassLabels
 
ByteClassLoader - Class in org.apache.sysml.runtime.codegen
 
ByteClassLoader(URL[], ClassLoader, byte[]) - Constructor for class org.apache.sysml.runtime.codegen.ByteClassLoader
 

C

C - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
cacheBinaryCellRDD(JavaPairRDD<MatrixIndexes, MatrixCell>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
Caffe2DMLVisualizeWrapper - Class in org.apache.sysml.udf.lib
 
Caffe2DMLVisualizeWrapper() - Constructor for class org.apache.sysml.udf.lib.Caffe2DMLVisualizeWrapper
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.AppendGAlignedSPInstruction.ShiftColumnIndex
 
call(Tuple2<MatrixIndexes, Tuple2<Iterable<MatrixBlock>, Iterable<MatrixBlock>>>) - Method in class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction.MergeWithShiftedBlocks
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction.ShiftMatrix
 
call(MatrixBlock) - Method in class org.apache.sysml.runtime.instructions.spark.BinUaggChainSPInstruction.RDDBinUaggChainFunction
 
call(MatrixBlock) - Method in class org.apache.sysml.runtime.instructions.spark.CompressionSPInstruction.CompressionFunction
 
call(Iterator<Tuple2<Long, FrameBlock>>) - Method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuild2Function
 
call(Iterator<Tuple2<Long, FrameBlock>>) - Method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuildFunction
 
call(Tuple2<Integer, Iterable<FrameBlock.ColumnMetadata>>) - Method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroup2Function
 
call(Tuple2<Integer, Iterable<Object>>) - Method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroupFunction
 
call(WeightedCell) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.CreateMatrixCell
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction2
 
call(Tuple2<MatrixIndexes, Tuple2<MatrixBlock, MatrixBlock>>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunctionInMem
 
call(MatrixBlock) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDReplaceFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRExpandFunction
 
call(Tuple2<Long, FrameBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformApplyFunction
 
call(Tuple2<Long, FrameBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformApplyOffsetFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformDecodeExpandFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformDecodeFunction
 
call(Tuple2<MatrixIndexes, MatrixBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.SpoofSPInstruction.ReplicateRightFactorFunction
 
call(Tuple2<Long, FrameBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongFrameToLongWritableFrameFunction
 
call(Tuple2<LongWritable, FrameBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableFrameToLongFrameFunction
 
call(Tuple2<LongWritable, Text>) - Method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableTextToLongTextFunction
 
call(Tuple2<LongWritable, FrameBlock>) - Method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableToSerFunction
 
call(Row) - Method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils.DataFrameExtractIDFunction
 
call(Tuple2<Row, Long>) - Method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt.AddRowID
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.Conv2dBackwardData
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.SparseNativeConv2dBackwardDataDense
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.Conv2dBackwardFilter
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.SparseNativeConv2dBackwardFilterDense
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dAllChannels
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dOneChannel
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.SparseNativeConv2d
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper.ReluBackward
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseDense
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseSparse
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseDense
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseSparse
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.DenseMaxPooling
 
call() - Method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.SparseMaxPooling
 
capacity() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
cardRatio - Variable in class org.apache.sysml.runtime.compress.cocode.PlanningCoCoder.GroupableColInfo
 
CastSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
cbind(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
ceil(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "ceil" operation on a matrix on the GPU
CellIndex(int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
CentralMomentSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
chainMatrixMultOperations(MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
chainMatrixMultOperations(MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
chainMatrixMultOperations(MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
chainMatrixMultOperations(MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
checkBinaryAppendInputCharacteristics(SparkExecutionContext, boolean, boolean, boolean) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
checkInputParameterType(String, Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Verify that the type of input parameter value is supported.
checkInputValueType(String, Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Verify that the type of input value is supported.
checkInputValueTypes(Map<String, Object>) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Verify that the types of input values are supported.
checkMatrixMatrixBinaryCharacteristics(SparkExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
checkNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Basic debugging primitive to check correctness of nnz.
checkNumFields(String, int) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
checkNumFields(String[], int) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
checkNumFields(String[], int, int) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
checkNumFields(String, int, int) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
checkParColumnAgg(MatrixBlock, int, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
CheckpointSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
checkResult(int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.JCudaKernels
 
checkReturnStatus() - Method in class org.apache.sysml.runtime.matrix.JobReturn
 
checkScriptHasTypeAndString() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Check that the Script object has a type (DML or PYDML) and a string representing the content of the Script.
checkSparseRows() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Basic debugging primitive to check sparse block column ordering.
checkType(MatrixValue) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
ClassLabelComparator() - Constructor for class org.apache.sysml.udf.lib.RowClassMeet.ClassLabelComparator
 
ClassLabels(double, double) - Constructor for class org.apache.sysml.udf.lib.RowClassMeet.ClassLabels
 
className - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
clean - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
cleanupAfterExecution() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Perform any necessary cleanup operations after program execution.
cleanupBlock(boolean, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Allows to cleanup all previously allocated sparserows or denseblocks.
cleanupHadoopExecution(DMLConfig) - Static method in class org.apache.sysml.api.DMLScript
 
cleanupJob(JobContext) - Method in class org.apache.sysml.runtime.matrix.data.MultipleOutputCommitter
 
CleanupMapper() - Constructor for class org.apache.sysml.runtime.matrix.CleanupMR.CleanupMapper
 
CleanupMR - Class in org.apache.sysml.runtime.matrix
 
CleanupMR.CleanupMapper - Class in org.apache.sysml.runtime.matrix
 
cleanupRuntimeInstructions(ArrayList<Instruction>, String...) - Static method in class org.apache.sysml.api.jmlc.JMLCUtils
Cleanup runtime instructions, removing rmvar instructions for any of the given output variable names.
cleanupRuntimeInstructions(ArrayList<Instruction>, HashSet<String>) - Static method in class org.apache.sysml.api.jmlc.JMLCUtils
Cleanup runtime instructions, removing rmvar instructions for any of the given output variable names.
cleanupRuntimeProgram(Program, String[]) - Static method in class org.apache.sysml.api.jmlc.JMLCUtils
Removes rmvar instructions that would remove any of the given outputs.
cleanupRuntimeProgram() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
If maintainSymbolTable is true, delete all 'remove variable' instructions so as to maintain the values in the symbol table, which are useful when working interactively in an environment such as the Spark Shell.
cleanupThreadLocalMemory() - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
cleanupThreadLocalMemory() - Static method in class org.apache.sysml.runtime.compress.ColGroupValue
 
clearAll() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the script string, inputs, outputs, and symbol table.
clearClassCache() - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
clearClassCache(Class<?>) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
clearData() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
lazily clears the data associated with this GPUObject instance
clearData(boolean) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Clears the data associated with this GPUObject instance
clearInputs() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the inputs.
clearIO() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the inputs and outputs, but not the symbol table.
clearIOS() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the inputs, outputs, and symbol table.
clearMemory() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Clears all memory used by this GPUContext.
clearOutputs() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the outputs.
clearParameters() - Method in class org.apache.sysml.api.jmlc.PreparedScript
Remove all current values bound to input or output variables.
clearSymbolTable() - Method in class org.apache.sysml.api.mlcontext.Script
Clear the symbol table.
clearTemporaryMemory() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Clears up the memory used to optimize cudaMalloc/cudaFree calls.
clen - Variable in class org.apache.sysml.runtime.codegen.SpoofOperator.SideInput
 
clen - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
clens - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.AssignRowIDMRReturn
 
clone(int) - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
 
clone() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
clone() - Method in class org.apache.sysml.runtime.matrix.data.NumItemsByEachReducerMetaData
 
clone() - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
clone() - Method in class org.apache.sysml.runtime.matrix.MatrixFormatMetaData
 
clone() - Method in class org.apache.sysml.runtime.matrix.MetaData
 
close() - Method in class org.apache.sysml.api.jmlc.Connection
Close connection to SystemML, which clears the thread-local DML and compiler configurations.
close() - Method in class org.apache.sysml.api.mlcontext.MLContext
Closes the mlcontext, which includes the cleanup of static and local state as well as scratch space and buffer pool cleanup.
close() - Method in class org.apache.sysml.runtime.matrix.CleanupMR.CleanupMapper
 
close(Reporter) - Method in class org.apache.sysml.runtime.matrix.data.UnPaddedOutputFormat.UnpaddedRecordWriter
 
CM_N_COVCell - Class in org.apache.sysml.runtime.matrix.data
 
CM_N_COVCell() - Constructor for class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
CMCOVMR - Class in org.apache.sysml.runtime.matrix
 
cmOperations(CMOperator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
cmOperations(CMOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
cmOperations(CMOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
cmOperations(CMOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
CodegenUtils - Class in org.apache.sysml.runtime.codegen
 
CodegenUtils() - Constructor for class org.apache.sysml.runtime.codegen.CodegenUtils
 
ColGroup - Class in org.apache.sysml.runtime.compress
Class that stores information about a column group within a compressed matrix block.
ColGroup(int[], int) - Constructor for class org.apache.sysml.runtime.compress.ColGroup
Main constructor.
ColGroup(List<Integer>, int) - Constructor for class org.apache.sysml.runtime.compress.ColGroup
Convenience constructor for converting indices to a more compact format.
ColGroup.CompressionType - Enum in org.apache.sysml.runtime.compress
 
ColGroupDDC - Class in org.apache.sysml.runtime.compress
Class to encapsulate information about a column group that is encoded with dense dictionary encoding (DDC).
ColGroupDDC() - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC
 
ColGroupDDC(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC
 
ColGroupDDC(int[], int, double[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC
 
ColGroupDDC1 - Class in org.apache.sysml.runtime.compress
Class to encapsulate information about a column group that is encoded with dense dictionary encoding (DDC) using 1 byte codes.
ColGroupDDC1() - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC1
 
ColGroupDDC1(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC1
 
ColGroupDDC1(int[], int, double[], byte[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC1
 
ColGroupDDC2 - Class in org.apache.sysml.runtime.compress
Class to encapsulate information about a column group that is encoded with dense dictionary encoding (DDC) using 2 byte codes.
ColGroupDDC2() - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC2
 
ColGroupDDC2(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC2
 
ColGroupDDC2(int[], int, double[], char[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupDDC2
 
ColGroupOffset - Class in org.apache.sysml.runtime.compress
Base class for column groups encoded with various types of bitmap encoding.
ColGroupOffset() - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset
 
ColGroupOffset(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset
Main constructor.
ColGroupOffset(int[], int, boolean, double[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset
Constructor for subclass methods that need to create shallow copies
ColGroupOffset.OffsetRowIterator - Class in org.apache.sysml.runtime.compress
 
ColGroupOffset.OffsetValueIterator - Class in org.apache.sysml.runtime.compress
 
ColGroupOffset.ZeroValueIterator - Class in org.apache.sysml.runtime.compress
 
ColGroupOLE - Class in org.apache.sysml.runtime.compress
Class to encapsulate information about a column group that is encoded with simple lists of offsets for each set of distinct values.
ColGroupOLE() - Constructor for class org.apache.sysml.runtime.compress.ColGroupOLE
 
ColGroupOLE(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOLE
Main constructor.
ColGroupOLE(int[], int, boolean, double[], char[], int[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOLE
 
ColGroupRLE - Class in org.apache.sysml.runtime.compress
A group of columns compressed with a single run-length encoded bitmap.
ColGroupRLE() - Constructor for class org.apache.sysml.runtime.compress.ColGroupRLE
 
ColGroupRLE(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupRLE
Main constructor.
ColGroupRLE(int[], int, boolean, double[], char[], int[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupRLE
 
ColGroupUncompressed - Class in org.apache.sysml.runtime.compress
Column group type for columns that are stored as dense arrays of doubles.
ColGroupUncompressed() - Constructor for class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
ColGroupUncompressed(List<Integer>, MatrixBlock) - Constructor for class org.apache.sysml.runtime.compress.ColGroupUncompressed
Main constructor.
ColGroupUncompressed(ArrayList<ColGroup>) - Constructor for class org.apache.sysml.runtime.compress.ColGroupUncompressed
Constructor for creating temporary decompressed versions of one or more compressed column groups.
ColGroupUncompressed(int[], int, MatrixBlock) - Constructor for class org.apache.sysml.runtime.compress.ColGroupUncompressed
Constructor for internal use.
ColGroupValue - Class in org.apache.sysml.runtime.compress
Base class for column groups encoded with value dictionary.
ColGroupValue() - Constructor for class org.apache.sysml.runtime.compress.ColGroupValue
 
ColGroupValue(int[], int, UncompressedBitmap) - Constructor for class org.apache.sysml.runtime.compress.ColGroupValue
Stores the headers for the individual bitmaps.
ColGroupValue(int[], int, double[]) - Constructor for class org.apache.sysml.runtime.compress.ColGroupValue
Constructor for subclass methods that need to create shallow copies
colInd - Variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
integer array of nnz values' column indices
ColIndexes(int[]) - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup.ColIndexes
 
colLower - Variable in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
colsKnown() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
column - Variable in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
ColumnGroupPartitioner - Class in org.apache.sysml.runtime.compress.cocode
 
ColumnGroupPartitioner() - Constructor for class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitioner
 
ColumnGroupPartitionerBinPacking - Class in org.apache.sysml.runtime.compress.cocode
Column group partitioning with bin packing heuristic.
ColumnGroupPartitionerBinPacking() - Constructor for class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitionerBinPacking
 
ColumnGroupPartitionerStatic - Class in org.apache.sysml.runtime.compress.cocode
Column group partitioning with static distribution heuristic.
ColumnGroupPartitionerStatic() - Constructor for class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitionerStatic
 
columnMajorDenseToRowMajorSparse(GPUContext, cusparseHandle, Pointer, int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method to convert a CSR matrix to a dense matrix on the GPU Since the allocated matrix is temporary, bookkeeping is not updated.
ColumnMetadata(long) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
ColumnMetadata(long, String) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
ColumnMetadata(FrameBlock.ColumnMetadata) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
colUpper - Variable in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
comb_instructions - Variable in class org.apache.sysml.runtime.matrix.CombineMR.InnerReducer
 
COMBINE_INSTRUCTION - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
CombineMR - Class in org.apache.sysml.runtime.matrix
 
CombineMR.InnerReducer - Class in org.apache.sysml.runtime.matrix
 
commitTask(TaskAttemptContext) - Method in class org.apache.sysml.runtime.matrix.data.MultipleOutputCommitter
 
compact() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
In-place compaction of non-zero-entries; removes zero entries and shifts non-zero entries to the left if necessary.
compact() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
compact() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
compactEmptyBlock() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
compactEmptyBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
Comparator() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.Comparator
 
Comparator() - Constructor for class org.apache.sysml.runtime.matrix.data.TripleIndexes.Comparator
 
compare(RDDSortUtils.ValueIndexPair, RDDSortUtils.ValueIndexPair) - Method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils.IndexComparator
 
compare(ConvolutionParameters) - Method in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
compare(byte[], int, int, byte[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
compare(MatrixIndexes, MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
compare(byte[], int, int, byte[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.Comparator
 
compare(TaggedFirstSecondIndexes, TaggedFirstSecondIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.Comparator
 
compare(byte[], int, int, byte[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes.Comparator
 
compare(TripleIndexes, TripleIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes.Comparator
 
compare(RowClassMeet.ClassLabels, RowClassMeet.ClassLabels) - Method in class org.apache.sysml.udf.lib.RowClassMeet.ClassLabelComparator
 
compareTo(CSVReblockMR.OffsetCount) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
compareTo(AdaptivePartialBlock) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
compareTo(MatrixCell) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
compareTo(MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
compareTo(PartialBlock) - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
compareTo(Tagged) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
compareTo(TaggedFirstSecondIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
compareTo(TaggedMatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
compareTo(TaggedTripleIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
compareTo(TripleIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
compareTo(Object) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
compile(Script) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
compile(Script, boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Compile a DML or PYDML script.
compileClass(String, String) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
COMPLEX_DATA_TYPES - Static variable in class org.apache.sysml.api.mlcontext.MLContextUtil
Complex data types supported by the MLContext API.
compress() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Compress the contents of this matrix block.
compress(int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Compress block.
CompressedMatrixBlock - Class in org.apache.sysml.runtime.compress
Experimental version of MatrixBlock that allows a compressed internal representation.
CompressedMatrixBlock() - Constructor for class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
CompressedMatrixBlock(int, int, boolean) - Constructor for class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Main constructor for building a block from scratch.
CompressedMatrixBlock(MatrixBlock) - Constructor for class org.apache.sysml.runtime.compress.CompressedMatrixBlock
"Copy" constructor to populate this compressed block with the uncompressed contents of a conventional block.
CompressedMatrixBlock.CompressionStatistics - Class in org.apache.sysml.runtime.compress
 
CompressedSizeEstimator - Class in org.apache.sysml.runtime.compress.estim
Base class for all compressed size estimators
CompressedSizeEstimator(MatrixBlock) - Constructor for class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
CompressedSizeEstimator.SizeEstimationFactors - Class in org.apache.sysml.runtime.compress.estim
 
CompressedSizeEstimatorExact - Class in org.apache.sysml.runtime.compress.estim
Exact compressed size estimator (examines entire dataset).
CompressedSizeEstimatorExact(MatrixBlock) - Constructor for class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorExact
 
CompressedSizeEstimatorSample - Class in org.apache.sysml.runtime.compress.estim
 
CompressedSizeEstimatorSample(MatrixBlock, int) - Constructor for class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
CompressedSizeInfo - Class in org.apache.sysml.runtime.compress.estim
A helper reusable object for maintaining bitmap sizes
CompressedSizeInfo(int, int, long, long, long) - Constructor for class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
CompressionFunction() - Constructor for class org.apache.sysml.runtime.instructions.spark.CompressionSPInstruction.CompressionFunction
 
CompressionSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
CompressionSPInstruction.CompressionFunction - Class in org.apache.sysml.runtime.instructions.spark
 
CompressionStatistics() - Constructor for class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
CompressionStatistics(double, double, double, double) - Constructor for class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
ComputationSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
ComputationSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
ComputationSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
computeColMxx(MatrixBlock, Builtin, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
NOTE: Shared across OLE/RLE/DDC because value-only computation.
computeColSums(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
computeColSums(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
computeColSums(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
computeColSums(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
computeDimension(HashMap<Byte, MatrixCharacteristics>, MRInstruction) - Static method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
computeMatrixCharacteristics(JavaPairRDD<MatrixIndexes, MatrixCell>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
Utility to compute dimensions and non-zeros in a given RDD of binary cells.
computeMxx(MatrixBlock, Builtin, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
NOTE: Shared across OLE/RLE/DDC because value-only computation.
computeNNZperBlock(long, long, int, int, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
 
computeOffsets(boolean[]) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
Utility function of sparse-unsafe operations.
computeRowMxx(MatrixBlock, Builtin, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
computeRowMxx(MatrixBlock, Builtin, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
computeRowMxx(MatrixBlock, Builtin, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
computeRowMxx(MatrixBlock, Builtin, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
computeRowSums(ColGroupDDC1[], MatrixBlock, KahanFunction, int, int) - Static method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
computeRowSums(MatrixBlock, KahanFunction, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
computeSizeEstimationFactors(UncompressedBitmap, boolean) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
computeSum(MatrixBlock, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
computeZeroIndicatorVector() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
computeZeroIndicatorVector() - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
Utility function of sparse-unsafe operations.
computeZeroIndicatorVector() - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
config - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
configFile - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
configFile - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.CleanupMR.CleanupMapper
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.CombineMR.InnerReducer
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexPartitioner
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexRangePartitioner
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.TagPartitioner
 
configure(JobConf) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes.FirstTwoIndexesPartitioner
 
Connection - Class in org.apache.sysml.api.jmlc
Interaction with SystemML using the JMLC (Java Machine Learning Connector) API is initiated with a Connection object.
Connection() - Constructor for class org.apache.sysml.api.jmlc.Connection
Connection constructor, the starting point for any other JMLC API calls.
Connection(CompilerConfig.ConfigType...) - Constructor for class org.apache.sysml.api.jmlc.Connection
Connection constructor, the starting point for any other JMLC API calls.
constructHops() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Construct DAGs of high-level operators (HOPs) for each block of statements.
constructLops() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Construct DAGs of low-level operators (LOPs) based on the DAGs of high-level operators (HOPs).
constructParameterMap(String[]) - Static method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
containsAllZeroValue() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
conv2d(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
conv2d(GPUContext, String, Pointer, Pointer, Pointer, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs 2D convolution Takes up an insignificant amount of intermediate space when CONVOLUTION_PREFERENCE is set to CUDNN_CONVOLUTION_FWD_NO_WORKSPACE Intermediate space is required by the filter descriptor and convolution descriptor which are metadata structures and don't scale with the size of the input
conv2d(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
This method performs convolution (i.e.
conv2d(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixNative
This method performs convolution (i.e.
conv2dBackwardData(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
This method computes the backpropogation errors for previous layer of convolution operation
conv2dBackwardData(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
This method computes the backpropogation errors for previous layer of convolution operation
Conv2dBackwardData(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.Conv2dBackwardData
 
conv2dBackwardData(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixNative
This method computes the backpropogation errors for previous layer of convolution operation
conv2dBackwardFilter(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
This method computes the backpropogation errors for filter of convolution operation
conv2dBackwardFilter(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
This method computes the backpropogation errors for filter of convolution operation
Conv2dBackwardFilter(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.Conv2dBackwardFilter
 
conv2dBackwardFilter(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixNative
This method computes the backpropogation errors for filter of convolution operation
conv2dBiasAdd(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Does a 2D convolution followed by a bias_add
convert(Writable, Writable) - Method in class org.apache.sysml.runtime.matrix.data.AddDummyWeightConverter
 
convert(MatrixIndexes, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToBinaryCellConverter
 
convert(MatrixIndexes, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToRowBlockConverter
 
convert(MatrixIndexes, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToTextCellConverter
Before calling convert, please make sure to setBlockSize(brlen, bclen);
convert(MatrixIndexes, MatrixCell) - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToRowBlockConverter
 
convert(MatrixIndexes, MatrixCell) - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToTextConverter
 
convert(K1, V1) - Method in interface org.apache.sysml.runtime.matrix.data.Converter
 
convert(Writable, Writable) - Method in class org.apache.sysml.runtime.matrix.data.IdenticalConverter
 
convert(LongWritable, Text) - Method in class org.apache.sysml.runtime.matrix.data.TextCellToRowBlockConverter
 
convert(LongWritable, Text) - Method in class org.apache.sysml.runtime.matrix.data.TextToBinaryCellConverter
 
convert(MatrixIndexes, WeightedCell) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCellToSortInputConverter
 
convertDFSchemaToFrameSchema(StructType, String[], Expression.ValueType[], boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
NOTE: regarding the support of vector columns, we make the following schema restriction: single vector column, which allows inference of the vector length without data access and covers the common case.
Converter<K1 extends org.apache.hadoop.io.Writable,V1 extends org.apache.hadoop.io.Writable,K2 extends org.apache.hadoop.io.Writable,V2 extends org.apache.hadoop.io.Writable> - Interface in org.apache.sysml.runtime.matrix.data
 
ConverterUtils - Class in org.apache.sysml.runtime.compress.utils
 
ConverterUtils() - Constructor for class org.apache.sysml.runtime.compress.utils.ConverterUtils
 
convertFrameSchemaToDFSchema(Expression.ValueType[], boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
This function will convert Frame schema into DataFrame schema
convertInputParametersForParser(Map<String, Object>, ScriptType) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Converts non-string basic input parameter values to strings to pass to the parser.
convertInputType(String, Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Convert input types to internal SystemML representations
convertInputType(String, Object, Metadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Convert input types to internal SystemML representations
convertMBtoPy4JDenseArr(MatrixBlock) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertPy4JArrayToMB(byte[], long, long) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertPy4JArrayToMB(byte[], int, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertPy4JArrayToMB(byte[], long, long, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertPy4JArrayToMB(byte[], int, int, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertSciPyCOOToMB(byte[], byte[], byte[], long, long, long) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertSciPyCOOToMB(byte[], byte[], byte[], int, int, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
convertToDoubleMatrix(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a matrix in csv or textcell format into a dense double array.
convertToDoubleMatrix(String, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a matrix in textcell format into a dense double array.
convertToDoubleMatrix(InputStream, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string matrix in textcell format into a dense double array.
convertToDoubleMatrix(InputStream, int, int, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string matrix in csv or textcell format into a dense double array.
convertToFrame(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a frame in csv or textcell format into a frame block.
convertToFrame(InputStream, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string frame in csv or textcell format into a frame block.
convertToFrame(String, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a frame in textcell format into a frame block.
convertToFrame(InputStream, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string frame in textcell format into a frame block.
convertToFrame(InputStream, int, int, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a frame in csv or textcell format into a frame block.
convertToMatrix(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a matrix in csv or textcell format into a matrix block.
convertToMatrix(InputStream, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string matrix in csv or textcell format into a matrix block.
convertToMatrix(String, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a matrix in textcell format into a matrix block.
convertToMatrix(InputStream, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string matrix in textcell format into a matrix block.
convertToMatrix(InputStream, int, int, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string matrix in csv or textcell format into a matrix block.
convertToStringFrame(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input string representation of a frame in csv or textcell format into a dense string array.
convertToStringFrame(String, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string frame in textcell format into a dense string array.
convertToStringFrame(InputStream, int, int) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string frame in textcell format into a dense string array.
convertToStringFrame(InputStream, int, int, String) - Method in class org.apache.sysml.api.jmlc.Connection
Converts an input stream of a string frame in csv or textcell format into a dense string array.
ConvolutionGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
ConvolutionParameters - Class in org.apache.sysml.runtime.matrix.data
This class is container that stores parameters required for executing following operations: conv2d, conv2d_backward_data, conv2d_backward_filter, maxpooling, maxpooling_backward
ConvolutionParameters(long, long, long, long, long, long, long, long, long, long, long, int) - Constructor for class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
ConvolutionParameters(int, int, int, int, int, int, int, int, int, int, int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
ConvolutionSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
coordinateMatrixToBinaryBlock(JavaSparkContext, CoordinateMatrix, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
Example usage:
coordinateMatrixToBinaryBlock(SparkContext, CoordinateMatrix, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
copy(MatrixValue, boolean) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
copy(FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
copy(int, int, int, int, FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
copy(MatrixValue, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
copy(int, int, int, int, MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
In-place copy of matrix src into the index range of the existing current matrix.
copy(MatrixValue, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
copy(MatrixValue, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
copy(SparseRow) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
copy(MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
copyBinaryBlockMatrix(JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
Creates a partitioning-preserving deep copy of the input matrix RDD, where the indexes and values are copied.
copyBinaryBlockMatrix(JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
Creates a partitioning-preserving copy of the input matrix RDD.
copyColGroup(ColGroup) - Static method in class org.apache.sysml.runtime.compress.utils.ConverterUtils
Copy col group instance with deep copy of column indices but shallow copy of actual contents;
copyFromDeviceToHost() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
copyNonZerosToUpperTriangle(MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
copyRowBlocks(MatrixBlock, int, MatrixBlock, int, int, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
copyRowBlocks(MatrixBlock, long, MatrixBlock, int, int, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
copyRowBlocks(MatrixBlock, int, MatrixBlock, long, long, long) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
copyRowBlocks(MatrixBlock, long, MatrixBlock, long, long, long) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
copySparseBlock(SparseBlock.Type, SparseBlock, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
copyToDevice(CSRPointer, int, long, int[], int[], double[]) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Static method to copy a CSR sparse matrix from Host to Device
copyToHost(CSRPointer, int, long, int[], int[], double[]) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Static method to copy a CSR sparse matrix from Device to host
copyUpperToLowerTriangle(MatrixBlock) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
copyUpperToLowerTriangle(MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
Used for all version of TSMM where the result is known to be symmetric.
cos(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "cos" operation on a matrix on the GPU
count - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
countCompiledMRJobsAndSparkInstructions() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Count the number of compiled MR Jobs/Spark Instructions in the runtime program and set this value in the statistics.
counterFile - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.AssignRowIDMRReturn
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Count the number of non-zeros per row
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
countNonZerosPerRow(int[], int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
countNonZerosPerRow(int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
CovarianceSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
covOperations(COVOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
covOperations(COVOperator, MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
covOperations(COVOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
covOperations(COVOperator, MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
CPInstructionParser - Class in org.apache.sysml.runtime.instructions
 
CPInstructionParser() - Constructor for class org.apache.sysml.runtime.instructions.CPInstructionParser
 
CpmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
Cpmm: cross-product matrix multiplication operation (distributed matrix multiply by join over common dimension and subsequent aggregation of partial results).
CREATE_SKIPLIST - Static variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
createAndInitializeExecutionContext() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Create an execution context and set its variables to be the symbol table of the script.
createCLIOptions() - Static method in class org.apache.sysml.api.DMLScript
Creates an Options instance for the command line parameters As of SystemML 0.13, Apache Commons CLI 1.2 is transitively in the classpath However the most recent version of Apache Commons CLI is 1.4 Creating CLI options is done using Static methods.
createColName(int) - Static method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
createColNames(int) - Static method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
createColNames(int, int) - Static method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
createCompressedBitmaps(int, int, char[][]) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
createGPUObject(MatrixObject) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Instantiates a new GPUObject initialized with the given MatrixObject.
createInstance(Class<?>) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
CreateMatrixCell(int, Operator) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.CreateMatrixCell
 
createObject(Class<? extends MatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixValue
 
createOutputFilePathAndName(String) - Method in class org.apache.sysml.udf.PackageFunction
 
createRandomMatrixGenerator(String, int, int, int, int, double, double, double, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
 
createSparseBlock(int) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
createSparseBlock(SparseBlock.Type, int) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
createSparseBlock(SparseBlock.Type, SparseRow) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
createSparseSideInputs(SpoofOperator.SideInput[]) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
CSRPointer - Class in org.apache.sysml.runtime.instructions.gpu.context
Compressed Sparse Row (CSR) format for CUDA Generalized matrix multiply is implemented for CSR format in the cuSparse library among other operations Since we assume that the matrix is stored with zero-based indexing (i.e.
CSVFileFormatProperties - Class in org.apache.sysml.runtime.matrix.data
 
CSVFileFormatProperties() - Constructor for class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
CSVFileFormatProperties(boolean, String, boolean, double, String) - Constructor for class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
CSVFileFormatProperties(boolean, String, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
CSVInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
CSVOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
CSVReblockMR - Class in org.apache.sysml.runtime.matrix
 
CSVReblockMR.AssignRowIDMRReturn - Class in org.apache.sysml.runtime.matrix
 
CSVReblockMR.BlockRow - Class in org.apache.sysml.runtime.matrix
 
CSVReblockMR.OffsetCount - Class in org.apache.sysml.runtime.matrix
 
CSVReblockSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
CSVReblockSPInstruction(Operator, CPOperand, CPOperand, int, int, boolean, String, boolean, double, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.CSVReblockSPInstruction
 
csvToBinaryBlock(JavaSparkContext, JavaPairRDD<LongWritable, Text>, MatrixCharacteristics, Expression.ValueType[], boolean, String, boolean, double) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
csvToBinaryBlock(JavaSparkContext, JavaRDD<String>, MatrixCharacteristics, Expression.ValueType[], boolean, String, boolean, double) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
csvToBinaryBlock(JavaSparkContext, JavaPairRDD<LongWritable, Text>, MatrixCharacteristics, boolean, String, boolean, double) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
csvToBinaryBlock(JavaSparkContext, JavaRDD<String>, MatrixCharacteristics, boolean, String, boolean, double) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
Example usage:
csvToRowRDD(JavaSparkContext, String, String, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
csvToRowRDD(JavaSparkContext, JavaRDD<String>, String, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
CTableMap - Class in org.apache.sysml.runtime.matrix.data
Ctable map is an abstraction for the hashmap used for ctable's hash group-by because this structure is passed through various interfaces.
CTableMap() - Constructor for class org.apache.sysml.runtime.matrix.data.CTableMap
 
cudaFreeHelper(Pointer) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Does lazy cudaFree calls.
cudaFreeHelper(Pointer, boolean) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Does lazy/eager cudaFree calls.
cudaFreeHelper(String, Pointer) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Does lazy cudaFree calls.
cudaFreeHelper(String, Pointer, boolean) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Does cudaFree calls, lazily.
cudaGetDevice() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns which device is currently being used.
cumaggregateUnaryMatrix(MatrixBlock, MatrixBlock, UnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
cumaggregateUnaryMatrix(MatrixBlock, MatrixBlock, UnaryOperator, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
CumSumProd - Class in org.apache.sysml.udf.lib
Variant of cumsum:
Computes following two functions:
CumSumProd() - Constructor for class org.apache.sysml.udf.lib.CumSumProd
 
CumulativeAggregateSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
CumulativeOffsetSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 

D

DArrayIListEntry(DblArray, IntArrayList) - Constructor for class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap.DArrayIListEntry
 
data - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.BlockRow
 
DataFrameExtractIDFunction(int) - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils.DataFrameExtractIDFunction
 
dataFrameToBinaryBlock(JavaSparkContext, Dataset<Row>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
dataFrameToBinaryBlock(JavaSparkContext, Dataset<Row>, MatrixCharacteristics, boolean, Pair<String[], Expression.ValueType[]>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
dataFrameToBinaryBlock(JavaSparkContext, Dataset<Row>, MatrixCharacteristics, boolean, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
dataFrameToFrameBinaryBlocks(Dataset<Row>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a JavaPairRDD<Long, FrameBlock> binary-block frame.
dataFrameToFrameObject(String, Dataset<Row>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a FrameObject.
dataFrameToFrameObject(String, Dataset<Row>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a FrameObject.
dataFrameToMatrixBinaryBlocks(Dataset<Row>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a JavaPairRDD<MatrixIndexes, MatrixBlock> binary-block matrix.
dataFrameToMatrixBinaryBlocks(Dataset<Row>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a JavaPairRDD<MatrixIndexes, MatrixBlock> binary-block matrix.
dataFrameToMatrixObject(String, Dataset<Row>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a MatrixObject.
dataFrameToMatrixObject(String, Dataset<Row>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a DataFrame to a MatrixObject.
DataGenMR - Class in org.apache.sysml.runtime.matrix
Rand MapReduce job which creates random objects.
DataPartitionMR - Class in org.apache.sysml.runtime.matrix
 
DATATYPE_PREFIX - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
DblArray - Class in org.apache.sysml.runtime.compress.utils
Helper class used for bitmap extraction.
DblArray() - Constructor for class org.apache.sysml.runtime.compress.utils.DblArray
 
DblArray(double[]) - Constructor for class org.apache.sysml.runtime.compress.utils.DblArray
 
DblArray(DblArray) - Constructor for class org.apache.sysml.runtime.compress.utils.DblArray
 
DblArray(double[], boolean) - Constructor for class org.apache.sysml.runtime.compress.utils.DblArray
 
DblArrayIntListHashMap - Class in org.apache.sysml.runtime.compress.utils
This class provides a memory-efficient replacement for HashMap<DblArray,IntArrayList> for restricted use cases.
DblArrayIntListHashMap() - Constructor for class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap
 
DblArrayIntListHashMap.DArrayIListEntry - Class in org.apache.sysml.runtime.compress.utils
 
ddat - Variable in class org.apache.sysml.runtime.codegen.SpoofOperator.SideInput
 
deallocate() - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Calls cudaFree lazily on the allocated Pointer instances
deallocate(boolean) - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Calls cudaFree lazily or eagerly on the allocated Pointer instances
debug - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
debugString(Pointer, long, long) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Gets the double array from GPU memory onto host memory and returns string.
decompress() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Decompress block.
decompress(int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Decompress block.
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Decompress the contents of this column group into the specified full matrix block.
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroup
Decompress the contents of this column group into uncompressed packed columns
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Decompress to block.
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
decompressToBlock(MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
decompressToBlock(MatrixBlock, int[]) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
decompressToBlock(MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
DEFAULT_INPLACE_SPARSEBLOCK - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
DEFAULT_SPARSEBLOCK - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
DEFAULT_TMP - Static variable in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
defaultOptions - Static variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
deleteIndexRange(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Deletes all non-zero values of the given column range [cl,cu) in row r.
deleteIndexRange(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
deleteIndexRange(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
deleteIndexRange(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
deleteIndexRange(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
deleteRemoveVariableInstructions(Program) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Delete the 'remove variable' instructions from a runtime program.
denseBlock - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
denseColumnMajorToRowMajor() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method.
denseDenseMatmult(GPUContext, String, Pointer, int, int, int, int, boolean, boolean, Pointer, Pointer) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Dense-dense matrix multiply C = op(A) * op(B), A and B are dense matrices On the host, the matrices are in row-major format; cuBLAS expects them in column-major format.
DenseMaxPooling(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.DenseMaxPooling
 
denseRowMajorToColumnMajor() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method.
denseScalarOperationsInPlace(ScalarOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
denseScalarOperationsInPlace(ScalarOperator) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
denseToSparse() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Converts this GPUObject from dense to sparse format.
deriveAggregateOperatorCorrectionLocation(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
deriveAggregateOperatorOpcode(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
descr - Variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
descriptor of matrix, only CUSPARSE_MATRIX_TYPE_GENERAL supported
destroy() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Destroys this GPUContext object.
determineFrameFormatIfNeeded(Dataset<Row>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
If the FrameFormat of the DataFrame has not been explicitly specified, attempt to determine the proper FrameFormat.
determineMatrixFormatIfNeeded(Dataset<Row>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
If the MatrixFormat of the DataFrame has not been explicitly specified, attempt to determine the proper MatrixFormat.
determineNumReducers(long[], long[], int, long) - Static method in class org.apache.sysml.runtime.matrix.MMCJMR
Determine number of reducers based on configured number of reducers, number of results groups and input data divided by blocksize (as heuristic for useful degree of parallelism).
determineNumReducers(long[], long[], int, long) - Static method in class org.apache.sysml.runtime.matrix.WriteCSVMR
 
determineOutputTypeAsString(LocalVariableMap, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain a symbol table output type as a String
DF_ID_COLUMN - Static variable in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
diag(MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
diag - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
DIListEntry(double, IntArrayList) - Constructor for class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap.DIListEntry
 
dimsKnown() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
dimsKnown(boolean) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
dirty - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
whether the block attached to this GPUContext is dirty on the device and needs to be copied back to host
DISPLAY_STATISTICS - Static variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
displayInputParameters() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script input parameters.
displayInputs(String, Map<String, Object>, LocalVariableMap) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain a display of script inputs.
displayInputs() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script inputs.
displayInputVariables() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script input variables.
displayMap(String, Map<String, Object>) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Display the keys and values in a Map
displayOutputs(String, Set<String>, LocalVariableMap) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain a display of the script outputs.
displayOutputs(Set<String>, LocalVariableMap) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain a display of the script outputs.
displayOutputs() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script outputs.
displayOutputVariables() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script output variables.
displaySet(String, Set<String>) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Display the values in a Set
displaySymbolTable(String, LocalVariableMap) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Display the keys and values in the symbol table
displaySymbolTable(LocalVariableMap) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Display the keys and values in the symbol table
displaySymbolTable() - Method in class org.apache.sysml.api.mlcontext.Script
Display the script symbol table.
dml(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a string.
DML_FILE_PATH_ANTLR_PARSER - Static variable in class org.apache.sysml.api.DMLScript
 
DMLException - Exception in org.apache.sysml.api
Exception occurring in the DML framework.
DMLException() - Constructor for exception org.apache.sysml.api.DMLException
 
DMLException(String) - Constructor for exception org.apache.sysml.api.DMLException
 
DMLException(Throwable) - Constructor for exception org.apache.sysml.api.DMLException
 
DMLException(String, Throwable) - Constructor for exception org.apache.sysml.api.DMLException
 
dmlFromFile(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a string path to a file.
dmlFromInputStream(InputStream) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on an input stream.
dmlFromLocalFile(File) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Creates a DML Script object based on a file in the local file system.
dmlFromResource(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a resource path.
dmlFromString(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a string.
dmlFromUrl(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a URL path.
dmlFromUrl(URL) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a DML Script object based on a URL.
DMLOptions() - Constructor for class org.apache.sysml.api.DMLScript.DMLOptions
 
dmlProgram - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
DMLRuntimeException - Exception in org.apache.sysml.runtime
This exception should be thrown to flag runtime errors -- DML equivalent to java.lang.RuntimeException.
DMLRuntimeException(String) - Constructor for exception org.apache.sysml.runtime.DMLRuntimeException
 
DMLRuntimeException(Exception) - Constructor for exception org.apache.sysml.runtime.DMLRuntimeException
 
DMLRuntimeException(String, Exception) - Constructor for exception org.apache.sysml.runtime.DMLRuntimeException
 
DMLScript - Class in org.apache.sysml.api
 
DMLScript() - Constructor for class org.apache.sysml.api.DMLScript
 
DMLScript.DMLOptions - Class in org.apache.sysml.api
Set of DMLOptions that can be set through the command line and MLContext The values have been initialized with the default values Despite there being a DML and PyDML, this class is named DMLOptions to keep it consistent with DMLScript and DMLScript.DMLOptions
DMLScript.RUNTIME_PLATFORM - Enum in org.apache.sysml.api
 
DMLScriptException - Exception in org.apache.sysml.runtime
This exception should be thrown to flag DML Script errors.
DMLScriptException(String) - Constructor for exception org.apache.sysml.runtime.DMLScriptException
This is the only valid constructor for DMLScriptException.
dmlTranslator - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
doesDataFrameLookLikeMatrix(Dataset<Row>) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Examine the DataFrame schema to determine whether the data appears to be a matrix.
doesSymbolTableContainFrameObject(LocalVariableMap, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Determine if the symbol table contains a FrameObject with the given variable name.
doesSymbolTableContainMatrixObject(LocalVariableMap, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Determine if the symbol table contains a MatrixObject with the given variable name.
dotProduct(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
dotProduct(double[], double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
dotProduct(double[], double[], int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
dotProduct(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
dotProduct(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
dotProduct(double[], double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
DoubleIntListHashMap - Class in org.apache.sysml.runtime.compress.utils
This class provides a memory-efficient replacement for HashMap<Double,IntArrayList> for restricted use cases.
DoubleIntListHashMap() - Constructor for class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap
 
DoubleIntListHashMap.DIListEntry - Class in org.apache.sysml.runtime.compress.utils
 
doubleMatrixToMatrixObject(String, double[][]) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a two-dimensional double array to a MatrixObject.
doubleMatrixToMatrixObject(String, double[][], MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a two-dimensional double array to a MatrixObject.
dropLastRowsOrColumns(PartialAggregate.CorrectionLocationType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
DynamicProjectMatrixCP - Class in org.apache.sysml.udf.lib
 
DynamicProjectMatrixCP() - Constructor for class org.apache.sysml.udf.lib.DynamicProjectMatrixCP
 
DynamicReadMatrixCP - Class in org.apache.sysml.udf.lib
 
DynamicReadMatrixCP() - Constructor for class org.apache.sysml.udf.lib.DynamicReadMatrixCP
 
DynamicReadMatrixRcCP - Class in org.apache.sysml.udf.lib
 
DynamicReadMatrixRcCP() - Constructor for class org.apache.sysml.udf.lib.DynamicReadMatrixRcCP
 
DynamicWriteMatrixCP - Class in org.apache.sysml.udf.lib
Deprecated.
DynamicWriteMatrixCP() - Constructor for class org.apache.sysml.udf.lib.DynamicWriteMatrixCP
Deprecated.
 

E

ELEMENT_DELIM - Static variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
ENABLE_DEBUG_MODE - Static variable in class org.apache.sysml.api.DMLScript
 
enableFunctionRecompile(String, String...) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Enables function recompilation, selectively for the given functions.
enableNative - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
end_indexes_h - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
end_indexes_w - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
endCol - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
endLine - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
ensureAllocatedColumns(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Allocate column data structures if necessary, i.e., if schema specified but not all column data structures created yet.
ensureColumnCompatibility(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Checks for matching column sizes in case of existing columns.
ensureComputeCapability() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Makes sure that GPU that SystemML is trying to use has the minimum compute capability needed.
equals(Object) - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup.ColIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
equals(Object) - Method in class org.apache.sysml.runtime.compress.utils.DblArray
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
equals(Object) - Method in class org.apache.sysml.runtime.matrix.MetaData
 
ERROR_MSG_DELIMITER - Static variable in exception org.apache.sysml.api.DMLException
 
estimateCompressedColGroupSize(int[]) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
estimateCompressedColGroupSize(UncompressedBitmap) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
estimateCompressedColGroupSize(int[]) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorExact
 
estimateCompressedColGroupSize(UncompressedBitmap) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorExact
 
estimateCompressedColGroupSize(int[]) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
estimateCompressedColGroupSize(UncompressedBitmap) - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
estimateCompressedSizeInMemory() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Obtain an upper bound on the memory used to store the compressed block.
estimatedNNzsPerRow - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimatedNonZeros - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock.SparsityEstimate
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroup
Note: Must be overridden by child classes to account for additional data and metadata
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
estimateInMemorySize() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
estimateMemory(long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Get the estimated in-memory size of the sparse block in COO with the given dimensions w/o accounting for overallocation.
estimateMemory(long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Get the estimated in-memory size of the sparse block in CSR with the given dimensions w/o accounting for overallocation.
estimateMemory(long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
Get the estimated in-memory size of the sparse block in MCSR with the given dimensions w/o accounting for overallocation.
estimateSize(long, long) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Estimate the size of a CSR matrix in GPU memory Size of pointers is not needed and is not added in
estimateSizeDenseInMemory(long, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeInMemory() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeInMemory(long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeOnDisk() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeOnDisk(long, long, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeSparseInMemory(long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeSparseInMemory(long, long, double, SparseBlock.Type) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estimateSizeSparseInMemory(SparseBlock.Type, long, long, double) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
estimateSparsityOnAggBinary(MatrixBlock, MatrixBlock, AggregateBinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
estSize - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
evalSparseFormatInMemory() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Evaluates if this matrix block should be in sparse format in memory.
evalSparseFormatInMemory(long, long, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Evaluates if a matrix block with the given characteristics should be in sparse format in memory.
evalSparseFormatOnDisk() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Evaluates if this matrix block should be in sparse format on disk.
evalSparseFormatOnDisk(long, long, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Evaluates if a matrix block with the given characteristics should be in sparse format on disk (or in any other serialized representation).
evict(long) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Convenience wrapper over GPUContext.evict(String, long).
evict(String, long) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Memory on the GPU is tried to be freed up until either a chunk of needed size is freed up or it fails.
evictionPolicy - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
currently employed eviction policy
examSparsity() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
examSparsity(String) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Evaluates if this matrix block should be in sparse format in memory.
execMode - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
execute(Script) - Method in class org.apache.sysml.api.mlcontext.MLContext
Execute a DML or PYDML Script.
execute(Script, ScriptExecutor) - Method in class org.apache.sysml.api.mlcontext.MLContext
Execute a DML or PYDML Script object using a ScriptExecutor.
execute() - Method in class org.apache.sysml.api.mlcontext.Script
Execute the script and return the results as an MLResults object.
execute(Script) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Execute a DML or PYDML script.
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, int) - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock) - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, int) - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock) - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, int) - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, int) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, boolean, boolean) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
execute(ArrayList<MatrixBlock>, ArrayList<ScalarObject>, MatrixBlock, int) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
execute() - Method in class org.apache.sysml.udf.lib.BinningWrapper
 
execute() - Method in class org.apache.sysml.udf.lib.Caffe2DMLVisualizeWrapper
 
execute() - Method in class org.apache.sysml.udf.lib.CumSumProd
 
execute() - Method in class org.apache.sysml.udf.lib.DynamicProjectMatrixCP
 
execute() - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixCP
 
execute() - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixRcCP
 
execute() - Method in class org.apache.sysml.udf.lib.DynamicWriteMatrixCP
Deprecated.
 
execute() - Method in class org.apache.sysml.udf.lib.GatherWrapper
 
execute() - Method in class org.apache.sysml.udf.lib.MultiInputCbind
 
execute() - Method in class org.apache.sysml.udf.lib.OrderWrapper
Deprecated.
 
execute() - Method in class org.apache.sysml.udf.lib.RemoveEmptyRows
Deprecated.
 
execute() - Method in class org.apache.sysml.udf.lib.RowClassMeet
 
execute() - Method in class org.apache.sysml.udf.lib.SGDNesterovUpdate
 
execute() - Method in class org.apache.sysml.udf.lib.TimeWrapper
 
execute() - Method in class org.apache.sysml.udf.PackageFunction
Method that will be executed to perform this function.
executeRuntimeProgram() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Execute the runtime program.
executeRuntimeProgram(ScriptExecutor, int) - Static method in class org.apache.sysml.api.ScriptExecutorUtils
Execute the runtime program.
executeRuntimeProgram(Program, ExecutionContext, DMLConfig, int) - Static method in class org.apache.sysml.api.ScriptExecutorUtils
Execute the runtime program.
executeScript(Configuration, String[]) - Static method in class org.apache.sysml.api.DMLScript
Single entry point for all public invocation alternatives (e.g., main, executeScript, JaqlUdf etc)
executeScript() - Method in class org.apache.sysml.api.jmlc.PreparedScript
Executes the prepared script over the bound inputs, creating the result variables according to bound and registered outputs.
ExecutionConfig - Class in org.apache.sysml.runtime.instructions.gpu.context
Java Wrapper to specify CUDA execution configuration for launching custom kernels
ExecutionConfig(int, int, int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
Convenience constructor for setting the number of blocks, number of threads and the shared memory size
ExecutionConfig(int, int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
ExecutionConfig(int, int, int, int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
executionContext - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
executionType - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
exp(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "exp" operation on a matrix on the GPU
EXPLAIN - Static variable in class org.apache.sysml.api.DMLScript
 
explain() - Method in class org.apache.sysml.api.jmlc.PreparedScript
Explain the DML/PyDML program and view result as a string.
explain - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
explainLevel - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
explainType - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
ExternalFunctionInvocationInstruction - Class in org.apache.sysml.udf
Class to maintain external function invocation instructions.
ExternalFunctionInvocationInstruction(String, String, String, String) - Constructor for class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
EXTRACT_SAMPLE_ONCE - Static variable in class org.apache.sysml.runtime.compress.estim.SizeEstimatorFactory
 
extractBitmap(int[], MatrixBlock) - Static method in class org.apache.sysml.runtime.compress.BitmapEncoder
Generate uncompressed bitmaps for a set of columns in an uncompressed matrix block.
extractBitmapFromSample(int[], MatrixBlock, int[]) - Static method in class org.apache.sysml.runtime.compress.BitmapEncoder
 
extractInputMatrices(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Extracts input variables with MATRIX data type, and stores references to corresponding matrix objects in inputMatrices.
extractOutputMatrices(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Extracts MatrixObject references to output variables, all of which will be of MATRIX data type, and stores them in outputMatrices.
extractValues() - Method in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap
 
extractValues() - Method in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap
 
extractValues() - Method in class org.apache.sysml.runtime.compress.utils.IntArrayList
Returns the underlying array of offsets.

F

fieldDisplay(Object) - Method in class org.apache.sysml.api.mlcontext.Metadata
 
FileFormatProperties - Class in org.apache.sysml.runtime.matrix.data
 
FileFormatProperties() - Constructor for class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
FileFormatProperties(FileFormatProperties.FileFormat) - Constructor for class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
FileFormatProperties.FileFormat - Enum in org.apache.sysml.runtime.matrix.data
 
filename - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
filename - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
fileOffset - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
filePath - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
findClass(String) - Method in class org.apache.sysml.runtime.codegen.ByteClassLoader
 
findCocodesByPartitioning(CompressedSizeEstimator, List<Integer>, CompressedSizeInfo[], int, int) - Static method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCoder
 
findMRInstructions(int) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Search whether or not this MR job contains at least one MR instruction with specified line number parameter
findSmallestFile(JobConf, String) - Static method in class org.apache.sysml.runtime.matrix.CSVReblockMR
Method to find the first (part)file in the order given by fs.listStatus() among all (part)files in inpathPath.
FINEGRAINED_STATISTICS - Static variable in class org.apache.sysml.api.DMLScript
 
first - Variable in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
FirstIndexPartitioner() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexPartitioner
 
FirstIndexRangePartitioner() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexRangePartitioner
 
FirstTwoIndexesPartitioner() - Constructor for class org.apache.sysml.runtime.matrix.data.TripleIndexes.FirstTwoIndexesPartitioner
 
floor(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "floor" operation on a matrix on the GPU
FORCE_ACCELERATOR - Static variable in class org.apache.sysml.api.DMLScript
 
forceGPU - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
forceGPU - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
Frame - Class in org.apache.sysml.api.mlcontext
Frame encapsulates a SystemML frame.
Frame(FrameObject, SparkExecutionContext) - Constructor for class org.apache.sysml.api.mlcontext.Frame
 
Frame(Dataset<Row>, FrameMetadata) - Constructor for class org.apache.sysml.api.mlcontext.Frame
Convert a Spark DataFrame to a SystemML binary-block representation.
Frame(Dataset<Row>, long, long) - Constructor for class org.apache.sysml.api.mlcontext.Frame
Convert a Spark DataFrame to a SystemML binary-block representation, specifying the number of rows and columns.
Frame(Dataset<Row>) - Constructor for class org.apache.sysml.api.mlcontext.Frame
Convert a Spark DataFrame to a SystemML binary-block representation.
Frame(JavaPairRDD<Long, FrameBlock>, FrameMetadata) - Constructor for class org.apache.sysml.api.mlcontext.Frame
Create a Frame, specifying the SystemML binary-block frame and its metadata.
FrameAppendMSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
FrameAppendMSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, boolean, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.FrameAppendMSPInstruction
 
FrameAppendRSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
FrameAppendRSPInstruction(Operator, CPOperand, CPOperand, CPOperand, boolean, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.FrameAppendRSPInstruction
 
FrameBlock - Class in org.apache.sysml.runtime.matrix.data
 
FrameBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock(FrameBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
Copy constructor for frame blocks, which uses a shallow copy for the schema (column types and names) but a deep copy for meta data and actual column data.
FrameBlock(int, Expression.ValueType) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock(Expression.ValueType[]) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock(Expression.ValueType[], String[]) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock(Expression.ValueType[], String[][]) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock(Expression.ValueType[], String[], String[][]) - Constructor for class org.apache.sysml.runtime.matrix.data.FrameBlock
 
FrameBlock.ColumnMetadata - Class in org.apache.sysml.runtime.matrix.data
 
frameBlockToFrameObject(String, FrameBlock, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameBlock to a FrameObject.
FrameFormat - Enum in org.apache.sysml.api.mlcontext
FrameFormat represents the different frame formats supported by the MLContext API.
FrameIndexingSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
This class implements the frame indexing functionality inside Spark.
FrameIndexingSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, AggBinaryOp.SparkAggType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.FrameIndexingSPInstruction
 
FrameIndexingSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.FrameIndexingSPInstruction
 
FrameMetadata - Class in org.apache.sysml.api.mlcontext
Frame metadata, such as the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in the frame.
FrameMetadata() - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
 
FrameMetadata(String) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on a string representation of a frame schema.
FrameMetadata(FrameFormat) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format.
FrameMetadata(FrameSchema) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame schema.
FrameMetadata(FrameFormat, FrameSchema) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format and frame schema.
FrameMetadata(FrameFormat, FrameSchema, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, frame schema, the number of rows, and the number of columns in a frame.
FrameMetadata(FrameFormat, FrameSchema, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, frame schema, the number of rows, and the number of columns in a frame.
FrameMetadata(FrameFormat, FrameSchema, Long, Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, frame schema, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(FrameFormat, FrameSchema, int, int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, frame schema, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(FrameFormat, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, and the number of columns in a frame.
FrameMetadata(FrameFormat, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, and the number of columns in a frame.
FrameMetadata(FrameFormat, Long, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, the number of columns, and the number of non-zero values in a frame.
FrameMetadata(FrameFormat, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, the number of columns, and the number of non-zero values in a frame.
FrameMetadata(FrameFormat, Long, Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(FrameFormat, int, int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on frame format, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows and the number of columns in a frame.
FrameMetadata(int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows and the number of columns in a frame.
FrameMetadata(Long, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, and the number of non-zero values in a frame.
FrameMetadata(int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, and the number of non-zero values in a frame.
FrameMetadata(Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(Long, Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(int, int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a frame.
FrameMetadata(MatrixCharacteristics) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on a MatrixCharacteristics object.
FrameMetadata(FrameSchema, MatrixCharacteristics) - Constructor for class org.apache.sysml.api.mlcontext.FrameMetadata
Constructor to create a FrameMetadata object based on the frame schema and a MatrixCharacteristics object.
frameObjectTo2DStringArray(FrameObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a two-dimensional string array.
frameObjectToBinaryBlocks(FrameObject, SparkExecutionContext) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a JavaPairRDD<Long, FrameBlock>.
frameObjectToDataFrame(FrameObject, SparkExecutionContext) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a DataFrame.
frameObjectToJavaRDDStringCSV(FrameObject, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a JavaRDD<String> in CSV format.
frameObjectToJavaRDDStringIJV(FrameObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a JavaRDD<String> in IJV format.
frameObjectToListStringCSV(FrameObject, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a List<String> in CSV format.
frameObjectToListStringIJV(FrameObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a List<String> in IJV format.
frameObjectToRDDStringCSV(FrameObject, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a RDD<String> in CSV format.
frameObjectToRDDStringIJV(FrameObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a FrameObject to a RDD<String> in IJV format.
FrameRDDAggregateUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameRDDAggregateUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDAggregateUtils
 
FrameRDDConverterUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameRDDConverterUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
FrameRDDConverterUtils.LongFrameToLongWritableFrameFunction - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameRDDConverterUtils.LongWritableFrameToLongFrameFunction - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameRDDConverterUtils.LongWritableTextToLongTextFunction - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameRDDConverterUtils.LongWritableToSerFunction - Class in org.apache.sysml.runtime.instructions.spark.utils
 
FrameSchema - Class in org.apache.sysml.api.mlcontext
The frame schema, stored as a list of ValueType values.
FrameSchema() - Constructor for class org.apache.sysml.api.mlcontext.FrameSchema
 
FrameSchema(List<Expression.ValueType>) - Constructor for class org.apache.sysml.api.mlcontext.FrameSchema
Constructor that specifies the schema as a list of ValueType values.
FrameSchema(String) - Constructor for class org.apache.sysml.api.mlcontext.FrameSchema
Constructor that specifies the schema as a comma-separated string.
freeAllGPUContexts() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Unreserves all GPUContexts
fromIndexedFrameBlock(Pair<Long, FrameBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
fromIndexedFrameBlock(ArrayList<Pair<Long, FrameBlock>>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
fromIndexedMatrixBlock(IndexedMatrixValue) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
fromIndexedMatrixBlock(ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
fromIndexedMatrixBlockToPair(IndexedMatrixValue) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
fromIndexedMatrixBlockToPair(ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
FunctionParameter - Class in org.apache.sysml.udf
abstract class to represent all input and output objects for package functions.
FunctionParameter(FunctionParameter.FunctionParameterType) - Constructor for class org.apache.sysml.udf.FunctionParameter
Constructor to set type
FunctionParameter.FunctionParameterType - Enum in org.apache.sysml.udf
 

G

GatherWrapper - Class in org.apache.sysml.udf.lib
Wrapper class for conversions of bit vectors to condensed position vectors.
GatherWrapper() - Constructor for class org.apache.sysml.udf.lib.GatherWrapper
 
generateRandomMatrix(MatrixBlock, RandomMatrixGenerator, LongStream, Well1024a, long) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
Function to generate a matrix of random numbers.
generateRandomMatrix(MatrixBlock, RandomMatrixGenerator, LongStream, Well1024a, long, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
Function to generate a matrix of random numbers.
generateRuntimeProgram() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Create runtime program.
generateSample(MatrixBlock, long, int, boolean, long) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
Generates a sample of size size from a range of values [1,range].
generateSequence(MatrixBlock, double, double, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
Method to generate a sequence according to the given parameters.
generateUniqueSeedPath(String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
 
genexec(double, SpoofOperator.SideInput[], double[], int, int, int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
genexec(double, SpoofOperator.SideInput[], double[], double[], int, int, int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
genexec(double[], int, SpoofOperator.SideInput[], double[], double[], int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
genexec(double[], int[], int, SpoofOperator.SideInput[], double[], double[], int, int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
genexecCellwise(double, double[], int, double[], int, double[][], double[], int, int, int, int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
genexecDense(double, double[], int, double[], int, double[][], double[], double[], int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
genOffsetBitmap(int[], int) - Static method in class org.apache.sysml.runtime.compress.BitmapEncoder
Encodes the bitmap in blocks of offsets.
genRLEBitmap(int[], int) - Static method in class org.apache.sysml.runtime.compress.BitmapEncoder
Encodes the bitmap as a series of run lengths and offsets.
get(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a serializable object as output
get(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Get the value at a global row/column position.
get(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
get(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
get(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
get(DblArray) - Method in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap
 
get(double) - Method in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap
 
get(int, int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Gets a boxed object of the value in position (r,c).
get(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get value of matrix cell (r,c).
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get values of row r in the format of a sparse row.
get(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
get(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
get(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Gets the value of a specified column.
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
get(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
getActiveMLContext() - Static method in class org.apache.sysml.api.mlcontext.MLContext
Retrieve the currently active MLContext.
getAggFunctions(SpoofCellwise.AggOp[]) - Static method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
getAggOp() - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
getAggOps() - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
getAggregateOperator(SpoofCellwise.AggOp) - Static method in class org.apache.sysml.runtime.instructions.spark.SpoofSPInstruction
 
getAlignedBlocksize(int) - Static method in class org.apache.sysml.runtime.compress.BitmapEncoder
 
getArity() - Method in class org.apache.sysml.runtime.instructions.gpu.BuiltinUnaryGPUInstruction
 
getAvailableCount() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Get the number of free GPUContexts
getAvailableMemory() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the available memory on GPU that SystemML can use.
getBaseDir() - Method in class org.apache.sysml.udf.PackageFunction
 
getBaseObject() - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
getBasicTypeString(Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the SystemML scalar value type string equivalent of an accepted basic type (Integer, Boolean, Double, String)
getBclens() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getBeginColumn() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getBeginLine() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getBinaryAccessType(MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
 
getBitmapOffsets() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getBitmaps() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getBoolean(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the boolean value represented by the given output variable.
getBoolean(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a boolean output
getBrlens() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getCardinalityRatio() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getCellType() - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
getChangeInSize() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getClass(String) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
getClass(String, byte[]) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
getClassData(String) - Static method in class org.apache.sysml.runtime.codegen.CodegenUtils
 
getClassName() - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
getClens() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getClosestK(int[], int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
Obtain the index of the closest element in a to the value x.
getCM_N_COVObject() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
getColGroups() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Obtain the column groups.
getColIndex(int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Obtain a column index value.
getColIndices() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getColIndices() - Method in class org.apache.sysml.runtime.compress.ColGroup
Obtain the offsets of the columns in the matrix block that make up the group
getCols() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getCols() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getColsInBlock() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getColsPerBlock() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getColumn(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getColumnData(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getColumnIndex() - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
getColumnIndex() - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
getColumnMetadata() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getColumnMetadata(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getColumnName(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Returns the column name for the requested column.
getColumnNameIDMap() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Creates a mapping from column names to column IDs, i.e., 1-based column indexes
getColumnNames() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Returns the column names of the frame block.
getColumnNames(boolean) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Returns the column names of the frame block.
getCompressionStatistics() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroup
Obtain the compression type.
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
getCompType() - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
getConfig() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the SystemML configuration properties.
getConfigFile() - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
getConfigForMatrixOperations(int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
Use this for simple matrix operations and use following in the kernel int ix = blockIdx.x * blockDim.x + threadIdx.x; int iy = blockIdx.y * blockDim.y + threadIdx.y;
getConfigForSimpleMatrixOperations(int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
Use this for simple vector operations and use following in the kernel int index = blockIdx.x * blockDim.x + threadIdx.x
getConfigForSimpleVectorOperations(int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
Use this for simple vector operations and use following in the kernel int index = blockIdx.x * blockDim.x + threadIdx.x
getConfiguration() - Method in class org.apache.sysml.udf.PackageFunction
Method to get the configuration file name
getConv2dBackwardDataWorkers(ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing conv2d backward data
getConv2dBackwardFilterWorkers(ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing conv2d backward filter
getConv2dWorkers(ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing conv2d
getCounts() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
getCounts(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
getCounts() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
getCounts(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
getCounts() - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
getCounts(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
getCounts() - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
getCounts(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
getCounts() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getCounts(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getCounts(boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getCountsAsBlock() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getCountsAsBlock(int[]) - Static method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getCPType(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
getCublasHandle() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns cublasHandle for BLAS operations on the GPU.
getCudnnHandle() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns the cudnnHandle for Deep Neural Network operations on the GPU.
getCurrentRowIndex() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
getCurrentRowIndex() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDenseSample
 
getCusolverDnHandle() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns cusolverDnHandle for invoking solve() function on dense matrices on the GPU.
getCusolverSpHandle() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns cusolverSpHandle for invoking solve() function on sparse matrices on the GPU.
getCusparseHandle() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns cusparseHandle for certain sparse BLAS operations on the GPU.
getData(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a Data object.
getData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
Generic get value for byte-length-agnostic access.
getData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
getData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
getData() - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
Access for superclass
getData() - Method in class org.apache.sysml.runtime.compress.utils.DblArray
 
getDataFrame(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame.
getDataFrame(String, boolean) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame of doubles or vectors with an ID column.
getDataFrameDoubleNoIDColumn(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame of doubles with no ID column.
getDataFrameDoubleWithIDColumn(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame of doubles with an ID column.
getDataFrameVectorNoIDColumn(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame of vectors with no ID column.
getDataFrameVectorWithIDColumn(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a DataFrame of vectors with an ID column.
getDDCSize(int, int, int) - Static method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
Estimates the number of bytes needed to encode this column group in DDC1 or DDC2 format.
getDDCSize() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getDefaultCuSparseMatrixDescriptor() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
 
getDelim() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
getDenseBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getDenseMatrices(SpoofOperator.SideInput[]) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getDenseMatrixOutputForGPUInstruction(ExecutionContext, String, long, long) - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
Helper method to get the output block (allocated on the GPU) Also records performance information into Statistics
getDenseRowIterator(int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getDenseVector(MatrixBlock) - Static method in class org.apache.sysml.runtime.compress.utils.ConverterUtils
 
getDescription() - Method in class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
getDeviceCount() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Number of available devices on this machine
getDeviceNum() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns which device is assigned to this GPUContext instance.
getDimsUnknownFilePrefix() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getDmlProgram() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the program
getDmlTranslator() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the translator
getDouble(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the double value represented by the given output variable.
getDouble(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a double output
getEmptyBlockRDD(JavaSparkContext, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
Creates an RDD of empty blocks according to the given matrix characteristics.
getEndColumn() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getEndLine() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getEstCard() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getEstNnz() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getEstSize() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
Obtain estimated compressed size of the grouped columns.
getExactSerializedSize() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getExactSerializedSize() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.ColGroup
Returns the exact serialized size of column group.
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getExactSizeOnDisk() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
NOTE: The used estimates must be kept consistent with the respective write functions.
getExecutionContext() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the execution context
getExecutionType() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain the current execution environment.
getExecutionType() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the current execution environment.
getExplainType() - Method in enum org.apache.sysml.api.mlcontext.MLContext.ExplainLevel
 
getExtendedOpcode() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getExtraByPostition(int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
getFileFormat() - Method in class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
getFilename() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getFilePath() - Method in class org.apache.sysml.udf.Matrix
Method to get file path for matrix.
getFillValue() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
getFirstIndex() - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
getFirstIndex() - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
getFormatProperties() - Method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
getFrame(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the frame represented by the given output variable.
getFrame(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a Frame.
getFrameAs2DStringArray(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a two-dimensional String array.
getFrameBlock(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the frame represented by the given output variable.
getFrameFormat() - Method in class org.apache.sysml.api.mlcontext.FrameMetadata
Obtain the frame format
getFrameMetadata() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame metadata
getFrameObject(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a FrameObject
getFrameSchema() - Method in class org.apache.sysml.api.mlcontext.FrameMetadata
Obtain the frame schema
getFunctionInput(int) - Method in class org.apache.sysml.udf.PackageFunction
Method to get a specific input to this package function.
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.BinningWrapper
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.Caffe2DMLVisualizeWrapper
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.CumSumProd
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.DynamicProjectMatrixCP
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixCP
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixRcCP
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.DynamicWriteMatrixCP
Deprecated.
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.GatherWrapper
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.MultiInputCbind
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.OrderWrapper
Deprecated.
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.RemoveEmptyRows
Deprecated.
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.RowClassMeet
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.SGDNesterovUpdate
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.lib.TimeWrapper
 
getFunctionOutput(int) - Method in class org.apache.sysml.udf.PackageFunction
Method to get a specific output of this package function.
getGPUInstructionType() - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
getGPUProperties() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the device properties for the active GPU (set with cudaSetDevice()).
getGPUType(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
getGraphString() - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
getGraphString() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getGraphString() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getGraphString() - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
getHopDAG(MLContext, Script, ArrayList<Integer>, boolean, boolean) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Get HOP DAG in dot format for a DML or PYDML Script.
getHopDAG(MLContext, Script, ArrayList<Integer>, SparkConf, boolean, boolean) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Get HOP DAG in dot format for a DML or PYDML Script.
getI() - Method in class org.apache.sysml.runtime.matrix.data.IJV
 
getInitialValue(SpoofCellwise.AggOp) - Static method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
getInMemorySize() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
getInMemorySize() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getInputInfo() - Method in class org.apache.sysml.runtime.matrix.MatrixFormatMetaData
 
getInputInfos() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getInputMatrices() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getInputMetadata() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain an unmodifiable map of input matrix/frame metadata.
getInputParameters() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain an unmodifiable map of all input parameters ($).
getInputParams() - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
getInputs() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain an unmodifiable map of all inputs (parameters ($) and variables).
getInputs() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getInputVariables() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the input variable names as an unmodifiable set of strings.
getInputVars() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getInstID() - Method in class org.apache.sysml.runtime.instructions.Instruction
Getter for instruction unique identifier
getInstructionParts(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
Given an instruction string, strip-off the execution type and return opcode and all input/output operands WITHOUT their data/value type.
getInstructionPartsWithValueType(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
Given an instruction string, this function strips-off the execution type (CP or MR) and returns the remaining parts, which include the opcode as well as the input and output operands.
getInternalProxy() - Method in class org.apache.sysml.api.mlcontext.MLContext
Used internally by MLContextProxy.
getIterator(int, int, boolean, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroup
 
getIterator(int, int, boolean, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
getIterator(int, int, boolean, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getIterator(int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getIterator(int, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
getIterator(int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
getIterator(int, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
getIterator(int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
getIterator(int, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
getIterator(int, int, boolean, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
getIterator(int, int, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getIterator(int, int, int, int, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getIterator() - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
getIterator() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get a non-zero iterator over the entire sparse block.
getIterator(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get a non-zero iterator over the partial sparse block [0,ru).
getIterator(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get a non-zero iterator over the subblock [rl, ru).
getIterator() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
getIterator(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
getIterator(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
getIv_aggInstructions() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_instructionsInMapper() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_numReducers() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_otherInstructions() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_randInstructions() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_recordReaderInstructions() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_replication() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_resultIndices() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getIv_shuffleInstructions() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getJ() - Method in class org.apache.sysml.runtime.matrix.data.IJV
 
getJavaRDDStringCSV(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a JavaRDD<String> in CSV format.
getJavaRDDStringIJV(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a JavaRDD<String> in IJV format.
getJavaSparkContext(MLContext) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the Java Spark Context
getJavaSparkContextFromProxy() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the Java Spark Context from the MLContextProxy
getJcudaDenseMatrixPtr() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Pointer to dense matrix
getJcudaSparseMatrixPtr() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Pointer to sparse matrix
getJobType() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getKernels() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Returns utility class used to launch custom CUDA kernel, specific to the active GPU for this GPUContext.
getKey() - Method in class org.apache.sysml.runtime.matrix.data.Pair
 
getLeftGroup() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getLineNum() - Method in class org.apache.sysml.runtime.instructions.Instruction
Getter for instruction line number
getLong(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the long value represented by the given output variable.
getLong(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a long output
getMatchingInputInfo(OutputInfo) - Static method in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
getMatchingOutputInfo(InputInfo) - Static method in class org.apache.sysml.runtime.matrix.data.InputInfo
 
getMatrix(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the matrix represented by the given output variable.
getMatrix(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a Matrix.
getMatrixAs2DDoubleArray(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a two-dimensional double array.
getMatrixAsDoubleArray() - Method in class org.apache.sysml.udf.Matrix
Method to get matrix as double array.
getMatrixBlock(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the matrix represented by the given output variable.
getMatrixBlock() - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
getMatrixCharacteristics(int) - Method in class org.apache.sysml.runtime.matrix.JobReturn
 
getMatrixCharacteristics() - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
getMatrixFormat() - Method in class org.apache.sysml.api.mlcontext.MatrixMetadata
Obtain the matrix format
getMatrixInputForGPUInstruction(ExecutionContext, String) - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
Helper method to get the input block (allocated on the GPU) Also records performance information into Statistics
getMatrixMetadata() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix metadata
getMatrixObject(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a MatrixObject
getMatrixObject() - Method in class org.apache.sysml.udf.Matrix
 
getMaxBlocks() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the maximum number of blocks supported by the active cuda device.
getMaxColumn() - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
getMaxPoolingBackwardWorkers(ConvolutionParameters, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing maxpooling backward operation
getMaxPoolingWorkers(ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing maxpooling operation
getMaxRow() - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
getMaxSharedMemory() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the shared memory per block supported by the active cuda device.
getMaxThreadsPerBlock() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the maximum number of threads per block for "active" GPU.
getMaxValue() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getMemoryRequirements() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getMergedIndexes(int[], int[]) - Static method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getMetaData() - Method in class org.apache.sysml.runtime.matrix.JobReturn
 
getMetaData(int) - Method in class org.apache.sysml.runtime.matrix.JobReturn
 
getMinSize() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getMinValue() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getMMTSJType() - Method in class org.apache.sysml.runtime.instructions.gpu.MMTSJGPUInstruction
returns left/right depending on the type of MMTSJ instruction
getMRJobInstructionsLineNumbers() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Getter for MRJobInstructionslineNumbers
getMRString(boolean) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Method for displaying MR instructions interspersed with source code ONLY USED IN DEBUG MODE
getMRType(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
getMvValue() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
getName() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the script name.
getNAStrings() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
getNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
getNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
getNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
getNonZeros() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getNumberOfZero() - Method in class org.apache.sysml.runtime.matrix.data.NumItemsByEachReducerMetaData
 
getNumBlocks() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getNumColBlocks() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getNumColGroups() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getNumCols() - Method in class org.apache.sysml.runtime.compress.ColGroup
Obtain the number of columns in this column group.
getNumCols() - Method in class org.apache.sysml.udf.Matrix
Method to get the number of cols in the matrix.
getNumColumns() - Method in class org.apache.sysml.api.mlcontext.Metadata
Obtain the number of columns
getNumColumns() - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
 
getNumColumns() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
getNumColumns() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get the number of columns of the frame block, that is the number of columns defined in the schema.
getNumColumns() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getNumColumns() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
getNumColumns() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
getNumColumnsPerBlock() - Method in class org.apache.sysml.api.mlcontext.Metadata
Obtain the number of columns per block
getNumDistinct() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
getNumFunctionInputs() - Method in class org.apache.sysml.udf.PackageFunction
Method to get the number of inputs to this package function.
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.BinningWrapper
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.Caffe2DMLVisualizeWrapper
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.CumSumProd
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.DynamicProjectMatrixCP
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixCP
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.DynamicReadMatrixRcCP
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.DynamicWriteMatrixCP
Deprecated.
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.GatherWrapper
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.MultiInputCbind
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.OrderWrapper
Deprecated.
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.RemoveEmptyRows
Deprecated.
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.RowClassMeet
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.SGDNesterovUpdate
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.lib.TimeWrapper
 
getNumFunctionOutputs() - Method in class org.apache.sysml.udf.PackageFunction
Method to get the number of outputs of this package function.
getNumIntermediates() - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
getNumItemsArray() - Method in class org.apache.sysml.runtime.matrix.data.NumItemsByEachReducerMetaData
 
getNumNonZeros() - Method in class org.apache.sysml.api.mlcontext.Metadata
Obtain the number of non-zero values
getNumOffsets() - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
 
getNumOffsets(int) - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
 
getNumPreferredPartitions(MatrixCharacteristics, JavaPairRDD<?, ?>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
getNumPreferredPartitions(MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
getNumReplicas(MatrixCharacteristics, MatrixCharacteristics, boolean) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
getNumRowBlocks() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getNumRows() - Method in class org.apache.sysml.api.mlcontext.Metadata
Obtain the number of rows
getNumRows() - Method in class org.apache.sysml.runtime.compress.ColGroup
 
getNumRows() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
getNumRows() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
getNumRows() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get the number of rows of the frame block.
getNumRows() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getNumRows() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
getNumRows() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
getNumRows() - Method in class org.apache.sysml.udf.Matrix
Method to get the number of rows in the matrix.
getNumRowsPerBlock() - Method in class org.apache.sysml.api.mlcontext.Metadata
Obtain the number of rows per block
getNumValues() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
Obtain number of distinct sets of values associated with the bitmaps in this column group.
getNumValues() - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
Obtain number of distinct values in the column.
getObject() - Method in class org.apache.sysml.udf.BinaryObject
Method to retrieve object.
getObjectRowIterator() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all fields are encoded as boxed objects according to their value types.
getObjectRowIterator(int[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all selected fields are encoded as boxed objects according to their value types.
getObjectRowIterator(int, int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all fields are encoded as boxed objects according to their value types.
getObjectRowIterator(int, int, int[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all selected fields are encoded as boxed objects according to their value types.
getOffsetsList(int) - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
 
getOLESize(int, float, int, int) - Static method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
Estimates the number of bytes needed to encode this column group in OLE format.
getOLESize() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getOpcode() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getOpCode(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
getOptChangeInSize() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
getOrCreate(PlanningCoCodingGroup, PlanningCoCodingGroup, CompressedSizeEstimator, int) - Method in class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
getOtherValue() - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
getOuterProdType() - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
getOutputInfo() - Method in class org.apache.sysml.runtime.matrix.MatrixFormatMetaData
 
getOutputInfos() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getOutputMatrices() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getOutputParams() - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
getOutputs() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getOutputVariableName() - Method in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
getOutputVariables() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the output variable names as an unmodifiable set of strings.
getOutputVars() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getParams() - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
getPartialBlock() - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
getPartition(TaggedFirstSecondIndexes, Writable, int) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexPartitioner
 
getPartition(TaggedFirstSecondIndexes, Writable, int) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.FirstIndexRangePartitioner
 
getPartition(TaggedFirstSecondIndexes, MatrixValue, int) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.TagPartitioner
 
getPartition(TripleIndexes, TaggedMatrixValue, int) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes.FirstTwoIndexesPartitioner
 
getPartitioned() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getPartitionOfZero() - Method in class org.apache.sysml.runtime.matrix.data.NumItemsByEachReducerMetaData
 
getPformats() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getPrefixFromSparkDebugInfo(String) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
getProjectInfo() - Static method in class org.apache.sysml.api.mlcontext.ProjectInfo
Return a ProjectInfo singleton instance.
getPsizes() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getRDDStringCSV(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a RDD<String> in CSV format.
getRDDStringIJV(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a RDD<String> in IJV format.
getRecodeMap(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
This function will split every Recode map in the column using delimiter Lop.DATATYPE_PREFIX, as Recode map generated earlier in the form of Code+Lop.DATATYPE_PREFIX+Token and store it in a map which contains token and code for every unique tokens.
getRecordWriter(FileSystem, JobConf, String, Progressable) - Method in class org.apache.sysml.runtime.matrix.data.UnPaddedOutputFormat
 
getReluBackwardWorkers(ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
Factory method that returns list of callable tasks for performing relu backward operation
getResults() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the results of the script execution.
getRightGroup() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
getRlens() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getRLESize(int, int, int) - Static method in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
Estimates the number of bytes needed to encode this column group in RLE encoding format.
getRLESize() - Method in class org.apache.sysml.runtime.compress.estim.CompressedSizeInfo
 
getRowIndex() - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
getRowIndex() - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
getRows() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getRows() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
Helper function for MCSR -> {COO, CSR}
getRows() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getRowsInBlock() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getRowsPerBlock() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
getRowType() - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
getRuntimePlatform() - Method in enum org.apache.sysml.api.mlcontext.MLContext.ExecutionType
 
getRuntimeProgram() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the runtime program
getScalarObject(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the ScalarObject represented by the given output variable.
getScalarObject(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain an output as a Scalar object.
getScalarType() - Method in class org.apache.sysml.udf.Scalar
Method to get type of scalar.
getSchema() - Method in class org.apache.sysml.api.mlcontext.FrameSchema
Obtain the frame schema
getSchema() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Returns the schema of the frame block.
getSchemaAsString() - Method in class org.apache.sysml.api.mlcontext.FrameSchema
Obtain the schema as a comma-separated string
getScript() - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain the Script object associated with these results.
getScript() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain the Script object associated with this ScriptExecutor
getScriptExecutionString() - Method in class org.apache.sysml.api.mlcontext.Script
Generate the script execution string, which adds read/load/write/save statements to the beginning and end of the script to execute.
getScriptExecutor() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the script executor used by this Script.
getScriptString() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the script string.
getScriptType() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the script type.
getSecondIndex() - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
getSecondIndex() - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
getSizeEstimator(MatrixBlock, int) - Static method in class org.apache.sysml.runtime.compress.estim.SizeEstimatorFactory
 
getSizeOnDevice() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
getSparkContext(MLContext) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the Spark Context
getSparkContextFromProxy() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the Spark Context from the MLContextProxy
getSparkSession() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain the SparkSession associated with this MLContext.
getSparkSessionFromProxy() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Obtain the Spark Session from the MLContextProxy
getSparseBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getSparseBlockIterator() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getSparseBlockIterator(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getSparseBlockType(SparseBlock) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
getSparseMatrixCudaPointer() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method to directly examine the Sparse matrix on GPU
getSparseRowIterator(int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
getSparsity() - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
getSPInstructionType() - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
getSpoofType() - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
getSpoofType() - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
getSpoofType() - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getSpoofType() - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
getSpoofType() - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
getSPType(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
getStartLineFromSparkDebugInfo(String) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
getStatisticsMaxHeavyHitters() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain the maximum number of heavy hitters that are printed out as part of the statistics.
getStats() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
getString(String) - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the string value represented by the given output variable.
getString(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a String output
getString(byte[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
getStringRowIterator() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all fields are encoded as strings independent of their value types.
getStringRowIterator(int[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all selected fields are encoded as strings independent of their value types.
getStringRowIterator(int, int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all fields are encoded as strings independent of their value types.
getStringRowIterator(int, int, int[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Get a row iterator over the frame where all selected fields are encoded as strings independent of their value types.
getSymbolTable() - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain the symbol table, which is essentially a Map<String, Data> representing variables and their values as SystemML representations.
getSymbolTable() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the symbol table, which is essentially a HashMap<String, Data> representing variables and their values.
getTag() - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
getTag() - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
getTensorDescriptor() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Returns a previously allocated tensor descriptor or null
getTensorShape() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Returns a previously allocated tensor shape or null
getThirdIndex() - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
getThirdIndex() - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
getTotalInputNnz(ArrayList<MatrixBlock>) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getTuple(String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getTuple(String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String, String) - Method in class org.apache.sysml.api.mlcontext.MLResults
Obtain a Scala tuple.
getType() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
getType() - Method in class org.apache.sysml.udf.FunctionParameter
Method to get type
getUncompressedColBlock(ColGroup) - Static method in class org.apache.sysml.runtime.compress.utils.ConverterUtils
 
getUUID() - Static method in class org.apache.sysml.api.DMLScript
 
getV() - Method in class org.apache.sysml.runtime.matrix.data.IJV
 
getValue(double[], double) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(double[], int) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(double[], int, double, double) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(SpoofOperator.SideInput, double) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(SpoofOperator.SideInput, int) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(SpoofOperator.SideInput, int, double, double) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(SpoofOperator.SideInput, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getValue(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getValue(int, int) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
getValue(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getValue() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
getValue(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
getValue(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
getValue() - Method in class org.apache.sysml.runtime.matrix.data.Pair
 
getValue() - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
getValue() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
getValue() - Method in class org.apache.sysml.udf.Scalar
Method to get value for scalar.
getValueDenseUnsafe(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getValues() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getValues() - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
Get all values without unnecessary allocations and copies.
getValues(int) - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
Obtain tuple of column values associated with index.
getValuesAsBlock() - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
getValueSparseUnsafe(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
getValueType() - Method in class org.apache.sysml.udf.Matrix
Method to get value type for this matrix.
getVariableNames() - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the output variable names held by this ResultVariables object.
getVector(SpoofOperator.SideInput, int, double, double) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getVector(SpoofOperator.SideInput, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
getWarpSize() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Gets the warp size supported by the active cuda device.
getWeight() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
globalDataFlowOptimization() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Optimize the program.
GMR - Class in org.apache.sysml.runtime.matrix
 
gpu - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
gpu - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
GPU_INST_PREFIX - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
GPU_MEMORY_UTILIZATION_FACTOR - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
GPUContext - Class in org.apache.sysml.runtime.instructions.gpu.context
Represents a context per GPU accessible through the same JVM.
GPUContext(int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
GPUContext.EvictionPolicy - Enum in org.apache.sysml.runtime.instructions.gpu.context
Eviction policies for GPUContext.evict(long).
GPUContextPool - Class in org.apache.sysml.runtime.instructions.gpu.context
 
GPUContextPool() - Constructor for class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
 
GPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
GPUInstruction(Operator, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
GPUInstruction.GPUINSTRUCTION_TYPE - Enum in org.apache.sysml.runtime.instructions.gpu
 
GPUInstructionParser - Class in org.apache.sysml.runtime.instructions
 
GPUInstructionParser() - Constructor for class org.apache.sysml.runtime.instructions.GPUInstructionParser
 
GPUObject - Class in org.apache.sysml.runtime.instructions.gpu.context
Handle to a matrix block on the GPU
gridDimX - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
gridDimY - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
gridDimZ - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
GroupableColInfo(double, long) - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningCoCoder.GroupableColInfo
 
GroupedAggMR - Class in org.apache.sysml.runtime.matrix
 
groupedAggOperations(MatrixValue, MatrixValue, MatrixValue, int, Operator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
groupedAggOperations(MatrixValue, MatrixValue, MatrixValue, int, Operator, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
groupedAggOperations(MatrixValue, MatrixValue, MatrixValue, int, Operator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Invocation from CP instructions.
groupedAggOperations(MatrixValue, MatrixValue, MatrixValue, int, Operator, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
groupedAggregate(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, int, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
groupedAggregate(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, int, Operator, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 

H

H - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
HAAS_AND_STOKES_ALPHA1 - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
HAAS_AND_STOKES_ALPHA2 - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
HAAS_AND_STOKES_UJ2A_C - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
HAAS_AND_STOKES_UJ2A_CUT2 - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
HAAS_AND_STOKES_UJ2A_SOLVE - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
hasBinaryBlocks() - Method in class org.apache.sysml.api.mlcontext.Frame
Whether or not this frame contains data as binary blocks
hasBinaryBlocks() - Method in class org.apache.sysml.api.mlcontext.Matrix
Whether or not this matrix contains data as binary blocks
hasFrameObject() - Method in class org.apache.sysml.api.mlcontext.Frame
Whether or not this frame contains data as a FrameObject
hashCode() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup.ColIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
hashCode() - Method in class org.apache.sysml.runtime.compress.utils.DblArray
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
hashCode() - Method in class org.apache.sysml.runtime.matrix.MetaData
 
hasHeader() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
hasIDColumn() - Method in enum org.apache.sysml.api.mlcontext.FrameFormat
 
hasIDColumn() - Method in enum org.apache.sysml.api.mlcontext.MatrixFormat
Does the DataFrame have a row index?
hasMatrixObject() - Method in class org.apache.sysml.api.mlcontext.Matrix
Whether or not this matrix contains data as a MatrixObject
hasMatrixSideInput(ArrayList<MatrixBlock>) - Static method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
hasNext() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetRowIterator
 
hasNext() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetValueIterator
 
hasNext() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.ZeroValueIterator
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.AddDummyWeightConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToBinaryCellConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToRowBlockConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToTextCellConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToRowBlockConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToTextConverter
 
hasNext() - Method in interface org.apache.sysml.runtime.matrix.data.Converter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.IdenticalConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.TextCellToRowBlockConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.TextToBinaryCellConverter
 
hasNext() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCellToSortInputConverter
 
hasUncompressedColGroup() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
hasZeros() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
HEADER_SIZE - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
help - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
hiddenFileFilter - Static variable in class org.apache.sysml.runtime.matrix.CSVReblockMR
 

I

IdenticalConverter - Class in org.apache.sysml.runtime.matrix.data
 
IdenticalConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.IdenticalConverter
 
IJV - Class in org.apache.sysml.runtime.matrix.data
Helper class for external key/value exchange.
IJV() - Constructor for class org.apache.sysml.runtime.matrix.data.IJV
 
in(Map<String, Object>) - Method in class org.apache.sysml.api.mlcontext.Script
Pass a map of inputs to the script.
in(Map<String, ?>) - Method in class org.apache.sysml.api.mlcontext.Script
Pass a Scala Map of inputs to the script.
in(Seq<Object>) - Method in class org.apache.sysml.api.mlcontext.Script
Pass a Scala Seq of inputs to the script.
in(String, Object) - Method in class org.apache.sysml.api.mlcontext.Script
Register an input (parameter ($) or variable).
in(String, Object, Metadata) - Method in class org.apache.sysml.api.mlcontext.Script
Register an input (parameter ($) or variable) with optional matrix metadata.
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
incrementalAggregate(AggregateOperator, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
incrementalAggregate(AggregateOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
incrementalAggregation(MatrixValue, MatrixValue, MatrixValue, AggregateOperator, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
incrStats(int, int, int) - Method in class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
IndexComparator(boolean) - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils.IndexComparator
 
indexes(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the sorted array of column indexes of all non-zero entries in row r.
indexes(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
indexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Get raw access to underlying array of column indices For use in GPU code
indexes(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
indexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Get raw access to underlying array of column indices For use in GPU code
indexes(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
indexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Get the index array of non-zero entries, co-aligned with the array of values.
indexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
indexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
indexInBlock - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.BlockRow
 
IndexingSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
This class implements the matrix indexing functionality inside Spark.
info() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain information about the project such as version and build time from the manifest in the SystemML jar file.
info() - Method in class org.apache.sysml.api.mlcontext.Script
Display information about the script as a String.
init - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
init(double[][], int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
NOTE: This method is designed only for dense representation.
init(double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
NOTE: This method is designed only for dense representation.
init(RandomMatrixGenerator.PDF, int, int, int, int, double, double, double) - Method in class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Initializes internal data structures.
init(RandomMatrixGenerator.PDF, int, int, int, int, double, double, double, double) - Method in class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Instantiates a Random number generator with a specific poisson mean
INIT_CAPACITY - Static variable in class org.apache.sysml.runtime.matrix.data.SparseBlock
 
initHadoopExecution(DMLConfig) - Static method in class org.apache.sysml.api.DMLScript
 
initialCapacity - Static variable in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
initialGPUMemBudget() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Gets the initial GPU memory budget.
initializeCachingAndScratchSpace() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Check security, create scratch space, cleanup working directories, initialize caching, and reset statistics.
initializeGPU() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Static initialization of the number of devices Also sets behaviour for J{Cuda, Cudnn, Cublas, Cusparse} in case of error Initializes the CUDA driver All these need be done once, and not per GPU
initializeThread() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Sets the device for the calling thread.
initSparse(int, int, DataInput) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Initializes the CSR sparse block from an ordered input stream of sparse rows (rownnz, jv-pairs*).
initUltraSparse(int, DataInput) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Initializes the CSR sparse block from an ordered input stream of ultra-sparse ijv triples.
inmemoryIndexing(JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics, MatrixCharacteristics, IndexRange) - Static method in class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
 
InnerReducer() - Constructor for class org.apache.sysml.runtime.matrix.CombineMR.InnerReducer
 
input1 - Variable in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
input1 - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
input2 - Variable in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
input2 - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
input3 - Variable in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
inputFormatClass - Variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
InputInfo - Class in org.apache.sysml.runtime.matrix.data
 
InputInfo(Class<? extends InputFormat>, Class<? extends Writable>, Class<? extends Writable>) - Constructor for class org.apache.sysml.runtime.matrix.data.InputInfo
 
InputInfoForSort - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
InputInfoForSortOutput - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
inputInfoToString(InputInfo) - Static method in class org.apache.sysml.runtime.matrix.data.InputInfo
 
inputKeyClass - Variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
inputParams - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
inputValueClass - Variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
instOpcode - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
Instruction - Class in org.apache.sysml.runtime.instructions
 
Instruction() - Constructor for class org.apache.sysml.runtime.instructions.Instruction
 
Instruction.INSTRUCTION_TYPE - Enum in org.apache.sysml.runtime.instructions
 
INSTRUCTION_DELIM - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
InstructionParser - Class in org.apache.sysml.runtime.instructions
 
InstructionParser() - Constructor for class org.apache.sysml.runtime.instructions.InstructionParser
 
InstructionUtils - Class in org.apache.sysml.runtime.instructions
 
InstructionUtils() - Constructor for class org.apache.sysml.runtime.instructions.InstructionUtils
 
instString - Variable in class org.apache.sysml.runtime.instructions.Instruction
 
IntArrayList - Class in org.apache.sysml.runtime.compress.utils
This class provides a memory-efficient replacement for ArrayList<Integer> for restricted use cases.
IntArrayList() - Constructor for class org.apache.sysml.runtime.compress.utils.IntArrayList
 
intDiv(double, double) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
InternalProxy() - Constructor for class org.apache.sysml.api.mlcontext.MLContext.InternalProxy
 
interQuartileMean() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
interQuartileMeanOLD() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Computes the weighted interQuartileMean.
INVESTIGATE_ESTIMATES - Static variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
isActive() - Static method in class org.apache.sysml.api.jmlc.JMLCProxy
 
isActiveAM() - Static method in class org.apache.sysml.api.DMLScript
 
isAligned(SparseBlock) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Indicates if all non-zero values are aligned with the given second sparse block instance, which can be exploited for more efficient operations.
isAligned(int, SparseBlock) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Indicates if all non-zero values of row r are aligned with the same row of the given second sparse block instance, which can be exploited for more efficient operations.
isAllocated() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
isAllocated() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isBasicType(Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Is the object one of the supported basic data types? (Integer, Boolean, Double, String)
isBlocked() - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
isBlockRecorded(GPUObject) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
Whether the GPU associated with this GPUContext has recorded the usage of a certain block.
isBuiltinFunction(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
isCBind0() - Method in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
isColNameDefault(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
isColNamesDefault() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
isColumnAgg() - Method in enum org.apache.sysml.runtime.codegen.SpoofRowwise.RowType
 
isColumnMetadataDefault() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
isColumnMetadataDefault(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
isCompareOperator(BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This will return if uaggOp is of type RowIndexMin
isComplexType(Object) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Is the object one of the supported complex data types? (JavaRDD, RDD, DataFrame, Matrix, double[][], MatrixBlock, URL)
isCompressed() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Obtain whether this block is in compressed form or not.
isContiguous() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Indicates if the underlying data structures returned by values and indexes are contiguous arrays, which can be exploited for more efficient operations.
isContiguous() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
isContiguous() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
isContiguous() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
isCSVLineAllNumbers(String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
If no metadata is supplied for an RDD or JavaRDD, this method can be used to determine whether the data appears to be matrix (or a frame)
isDataFrameWithIDColumn(MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Return whether or not the DataFrame has an ID column.
isDataFrameWithIDColumn(FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Return whether or not the DataFrame has an ID column.
isDiag() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isDirty() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Whether this block is dirty on the GPU
isDistQuaternaryOpcode(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
isDistributedCacheUsed(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
Evaluates if at least one instruction of the given instruction set used the distributed cache; this call can also be used for individual instructions.
isDML() - Method in class org.apache.sysml.api.mlcontext.Script
Is the script type DML?
isDML() - Method in enum org.apache.sysml.api.mlcontext.ScriptType
Is the script type DML?
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
isEmpty(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get information if row r is empty, i.e., does not contain non-zero values.
isEmpty(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
isEmpty(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
isEmpty(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Indicates if the sparse row is empty, i.e., if is has size zero.
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
isEmpty() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
isEmptyBlock(boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
isEmptyBlock() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isEmptyBlock(boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isExplain() - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not an explanation of the DML/PYDML program should be output to standard output.
isFill() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
isFlipOuter(int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
isForceGPU() - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not the "force" GPU mode is enabled.
isGPU() - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not the GPU mode is enabled.
isHashPartitioned(JavaPairRDD<?, ?>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
Indicates if the input RDD is hash partitioned, i.e., it has a partitioner of type org.apache.spark.HashPartitioner.
isInitBeforeExecution() - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not the default ScriptExecutor should be initialized before execution.
isInputAllocated() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
isInSparseFormat() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
isInSparseFormat(GPUContext, MatrixObject) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
isInSparseFormat() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Returns the current representation (true for sparse).
isInSparseFormat() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
isInSparseFormat() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
isMaintainSymbolTable() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain whether or not all values should be maintained in the symbol table after execution.
isMaintainSymbolTable() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Obtain whether or not all values should be maintained in the symbol table after execution.
isMapOnly() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
isMergableMRJobInstruction(MRJobInstruction) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
isMultiBlockLookup(JavaPairRDD<?, ?>, MatrixCharacteristics, MatrixCharacteristics, IndexRange) - Static method in class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
Indicates if the given index range and input matrix exhibit the following properties: (1) existing hash partitioner, (2) out-of-core input matrix (larger than aggregated memory), (3) aligned indexing range (which does not required aggregation), and (4) the output fits twice in memory (in order to collect the result).
isOutputThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
isPYDML() - Method in class org.apache.sysml.api.mlcontext.Script
Is the script type PYDML?
isPYDML() - Method in enum org.apache.sysml.api.mlcontext.ScriptType
Is the script type PYDML?
isRowIndexMax(AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This will return if uaggOp is of type RowIndexMax
isRowIndexMin(AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This will return if uaggOp is of type RowIndexMin
isRowTypeB1() - Method in enum org.apache.sysml.runtime.codegen.SpoofRowwise.RowType
 
isRowTypeB1ColumnAgg() - Method in enum org.apache.sysml.runtime.codegen.SpoofRowwise.RowType
 
isShallowSerialize() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
isShallowSerialize() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isShortcutRandOperation(double, double, double, RandomMatrixGenerator.PDF) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
 
isSingleBlockLookup(MatrixCharacteristics, IndexRange) - Static method in class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
Indicates if the given index range only covers a single blocks of the inputs matrix.
isSingleUncompressedGroup() - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
isSkinnyRightHandSide(long, long, long, long) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
isSparkVersionSupported(String, String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Determine whether the Spark version is supported.
isSparse - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Whether this block is in sparse format
isSparse() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
isSparse() - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
isSparseAndEmpty() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
If this GPUObject is sparse and empty Being allocated is a prerequisite to being sparse and empty.
isSparseBlockType(SparseBlock, SparseBlock.Type) - Static method in class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
isSparseSafe() - Method in class org.apache.sysml.runtime.codegen.SpoofCellwise
 
isSparseSafe() - Method in class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
isSparseSafeDivide(BinaryOperator, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
 
isStatistics() - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not statistics of the DML/PYDML program execution should be output to standard output.
isSupportedMatrixMatrixOperation(String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
isSupportedMultiReturnOperation(String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
isSupportedReorgOperator(ReorgOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
isSupportedUaggOp(AggregateUnaryOperator, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
 
isSupportedUnaryAggregateOperator(AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
isSupportedUnaryOperation(String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
isSupportedUnaryOperator(UnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
 
isThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Indicates if concurrent modifications of disjoint rows are thread-safe.
isThreadSafe(boolean) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Indicates if concurrent modifications of disjoint rows are thread-safe.
isThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Indicates if the underlying implementation allows thread-safe row updates if concurrent threads update disjoint rows.
isThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
isThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
isThreadSafe() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
isUltraSparse(int, int) - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Check for ultra sparsity
isUltraSparse() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isValidDimensionsBinary(MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixBincell
 
isVector() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
isVectorBased() - Method in enum org.apache.sysml.api.mlcontext.MatrixFormat
Is the matrix format vector-based?
isVectorBasedDataFrame(MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Return whether or not the DataFrame is vector-based.
isZero(double[]) - Static method in class org.apache.sysml.runtime.compress.utils.DblArray
 
isZero(DblArray) - Static method in class org.apache.sysml.runtime.compress.utils.DblArray
 

J

javaRDDStringCSVToFrameObject(String, JavaRDD<String>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in CSV format to a FrameObject
javaRDDStringCSVToFrameObject(String, JavaRDD<String>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in CSV format to a FrameObject
javaRDDStringCSVToMatrixObject(String, JavaRDD<String>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in CSV format to a MatrixObject
javaRDDStringCSVToMatrixObject(String, JavaRDD<String>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in CSV format to a MatrixObject
javaRDDStringIJVToFrameObject(String, JavaRDD<String>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in IJV format to a FrameObject .
javaRDDStringIJVToMatrixObject(String, JavaRDD<String>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a JavaRDD<String> in IJV format to a MatrixObject .
JCudaKernels - Class in org.apache.sysml.runtime.instructions.gpu.context
Utility class that allows LibMatrixCUDA as well as GPUObject to invoke custom CUDA kernels.
JMLCProxy - Class in org.apache.sysml.api.jmlc
This proxy provides thread-local access to output variables per connection in order to enable dynamic recompilation in JMLC.
JMLCProxy() - Constructor for class org.apache.sysml.api.jmlc.JMLCProxy
 
JMLCUtils - Class in org.apache.sysml.api.jmlc
Utility class containing static methods for working with JMLC.
JMLCUtils() - Constructor for class org.apache.sysml.api.jmlc.JMLCUtils
 
JobReturn - Class in org.apache.sysml.runtime.matrix
 
JobReturn() - Constructor for class org.apache.sysml.runtime.matrix.JobReturn
 
JobReturn(MatrixCharacteristics[], boolean) - Constructor for class org.apache.sysml.runtime.matrix.JobReturn
 
JobReturn(MatrixCharacteristics[], OutputInfo[], boolean) - Constructor for class org.apache.sysml.runtime.matrix.JobReturn
 
JobReturn(MatrixCharacteristics, OutputInfo, boolean) - Constructor for class org.apache.sysml.runtime.matrix.JobReturn
 
JobReturn(MatrixCharacteristics, long[], int, long, boolean) - Constructor for class org.apache.sysml.runtime.matrix.JobReturn
 
jsc() - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Obtain JavaSparkContext from MLContextProxy.

K

K - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
key - Variable in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap.DArrayIListEntry
 
key - Variable in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap.DIListEntry
 

L

launchKernel(String, ExecutionConfig, Object...) - Method in class org.apache.sysml.runtime.instructions.gpu.context.JCudaKernels
Setups the kernel parameters and launches the kernel using cuLaunchKernel API.
leftIndexingOperations(MatrixBlock, int, int, int, int, MatrixBlock, MatrixObject.UpdateType) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
leftIndexingOperations(ScalarObject, int, int, MatrixBlock, MatrixObject.UpdateType) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
leftIndexingOperations(FrameBlock, IndexRange, FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
leftIndexingOperations(FrameBlock, int, int, int, int, FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
leftIndexingOperations(MatrixBlock, IndexRange, MatrixBlock, MatrixObject.UpdateType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
leftIndexingOperations(MatrixBlock, IndexRange, MatrixBlock, MatrixObject.UpdateType, String) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
leftIndexingOperations(MatrixBlock, int, int, int, int, MatrixBlock, MatrixObject.UpdateType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
leftIndexingOperations(MatrixBlock, int, int, int, int, MatrixBlock, MatrixObject.UpdateType, String) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
leftIndexingOperations(ScalarObject, int, int, MatrixBlock, MatrixObject.UpdateType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Explicitly allow left indexing for scalars.
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroup
Multiply the slice of the matrix that this column group represents by a row vector on the left (the original column vector is assumed to be transposed already i.e.
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
leftMultByRowVector(ColGroupDDC, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
leftMultByRowVector(ColGroupDDC, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
leftMultByRowVector(ColGroupDDC, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
leftMultByRowVector(ColGroupDDC, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
leftMultByRowVector(MatrixBlock, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
leftMultByRowVector(MatrixBlock, MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
leftMultByRowVector(ColGroupDDC, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
len(int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
LibCommonsMath - Class in org.apache.sysml.runtime.matrix.data
Library for matrix operations that need invocation of Apache Commons Math library.
LibMatrixAgg - Class in org.apache.sysml.runtime.matrix.data
MB: Library for matrix aggregations including ak+, uak+ for all combinations of dense and sparse representations, and corrections.
LibMatrixBincell - Class in org.apache.sysml.runtime.matrix.data
MB: Library for binary cellwise operations (incl arithmetic, relational, etc).
LibMatrixBincell.BinaryAccessType - Enum in org.apache.sysml.runtime.matrix.data
 
LibMatrixCUDA - Class in org.apache.sysml.runtime.matrix.data
All CUDA kernels and library calls are redirected through this class
LibMatrixCUDA() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
LibMatrixDatagen - Class in org.apache.sysml.runtime.matrix.data
 
LibMatrixDNN - Class in org.apache.sysml.runtime.matrix.data
 
LibMatrixDNN() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
LibMatrixDNNConv2dBackwardDataHelper - Class in org.apache.sysml.runtime.matrix.data
This class contains the set of operators used for performing conv2d backward data
LibMatrixDNNConv2dBackwardDataHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper
 
LibMatrixDNNConv2dBackwardDataHelper.Conv2dBackwardData - Class in org.apache.sysml.runtime.matrix.data
General conv2d backward data operator
LibMatrixDNNConv2dBackwardDataHelper.SparseNativeConv2dBackwardDataDense - Class in org.apache.sysml.runtime.matrix.data
This operator is used only if native is enabled and filter is sparse.
LibMatrixDNNConv2dBackwardFilterHelper - Class in org.apache.sysml.runtime.matrix.data
 
LibMatrixDNNConv2dBackwardFilterHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper
 
LibMatrixDNNConv2dBackwardFilterHelper.Conv2dBackwardFilter - Class in org.apache.sysml.runtime.matrix.data
General conv2d backward data operator
LibMatrixDNNConv2dBackwardFilterHelper.SparseNativeConv2dBackwardFilterDense - Class in org.apache.sysml.runtime.matrix.data
This operator is used only if native is enabled and input is sparse.
LibMatrixDNNConv2dHelper - Class in org.apache.sysml.runtime.matrix.data
This class contains the set of operators used for performing conv2d
LibMatrixDNNConv2dHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper
 
LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dAllChannels - Class in org.apache.sysml.runtime.matrix.data
Performs convolution via: partialCopy1(filter %*% im2col(input)) = output
LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dOneChannel - Class in org.apache.sysml.runtime.matrix.data
Performs convolution via: partialCopy1(filter %*% im2col(input)) = output.
LibMatrixDNNConv2dHelper.SparseNativeConv2d - Class in org.apache.sysml.runtime.matrix.data
This operator is used only if native is enabled, filter is dense and input is sparse
LibMatrixDNNHelper - Class in org.apache.sysml.runtime.matrix.data
 
LibMatrixDNNHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper
 
LibMatrixDNNHelper.ReluBackward - Class in org.apache.sysml.runtime.matrix.data
Performs the operation: (X gt 0) * dout
LibMatrixDNNIm2ColHelper - Class in org.apache.sysml.runtime.matrix.data
This class contains the different implementation of im2col operation
LibMatrixDNNIm2ColHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNIm2ColHelper
 
LibMatrixDNNPoolingBackwardHelper - Class in org.apache.sysml.runtime.matrix.data
This class contains the set of operators used for performing pooling backward
LibMatrixDNNPoolingBackwardHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper
 
LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseDense - Class in org.apache.sysml.runtime.matrix.data
Performs the maxpooling backward operation for dense input and dense error (dout)
LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseSparse - Class in org.apache.sysml.runtime.matrix.data
Performs the maxpooling backward operation for dense input and sparse error (dout)
LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseDense - Class in org.apache.sysml.runtime.matrix.data
Performs the maxpooling backward operation for sparse input and dense error (dout)
LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseSparse - Class in org.apache.sysml.runtime.matrix.data
Performs the maxpooling backward operation for sparse input and sparse error (dout)
LibMatrixDNNPoolingHelper - Class in org.apache.sysml.runtime.matrix.data
This class contains the set of operators used for performing pooling
LibMatrixDNNPoolingHelper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper
 
LibMatrixDNNPoolingHelper.DenseMaxPooling - Class in org.apache.sysml.runtime.matrix.data
Performs the dense maxpooling
LibMatrixDNNPoolingHelper.SparseMaxPooling - Class in org.apache.sysml.runtime.matrix.data
Performs the sparse maxpooling
LibMatrixDNNRotate180Helper - Class in org.apache.sysml.runtime.matrix.data
This class contains the different implementation of rotate180 operation
LibMatrixDNNRotate180Helper() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNRotate180Helper
 
LibMatrixMult - Class in org.apache.sysml.runtime.matrix.data
MB: Library for matrix multiplications including MM, MV, VV for all combinations of dense, sparse, ultrasparse representations and special operations such as transpose-self matrix multiplication.
LibMatrixNative - Class in org.apache.sysml.runtime.matrix.data
 
LibMatrixNative() - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixNative
 
LibMatrixOuterAgg - Class in org.apache.sysml.runtime.matrix.data
ACS: Purpose of this library is to make some of the unary outer aggregate operator more efficient.
LibMatrixReorg - Class in org.apache.sysml.runtime.matrix.data
MB: Library for selected matrix reorg operations including special cases and all combinations of dense and sparse representations.
LibSpoofPrimitives - Class in org.apache.sysml.runtime.codegen
This library contains all vector primitives that are used in generated source code for fused operators.
LibSpoofPrimitives() - Constructor for class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
libsvmToBinaryBlock(JavaSparkContext, String, String, String, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
Converts a libsvm text input file into two binary block matrices for features and labels, and saves these to the specified output files.
LinearAlgebraUtils - Class in org.apache.sysml.runtime.compress.utils
This library contains all vector primitives that are used compressed linear algebra.
LinearAlgebraUtils() - Constructor for class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
LITERAL_PREFIX - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
liveVariableAnalysis() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Liveness analysis is performed on the program, obtaining sets of live-in and live-out variables by forward and backward passes over the program.
locks - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
number of read/write locks on this object (this GPUObject is being used in a current instruction)
log - Static variable in class org.apache.sysml.api.mlcontext.MLContext
Logger for MLContext
LOG - Static variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
LOG - Static variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
 
LOG - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
log(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "log" operation on a matrix on the GPU
LOG - Static variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
LongFrameToLongWritableFrameFunction() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongFrameToLongWritableFrameFunction
 
LongWritableFrameToLongFrameFunction() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableFrameToLongFrameFunction
 
LongWritableTextToLongTextFunction() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableTextToLongTextFunction
 
LongWritableToSerFunction() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils.LongWritableToSerFunction
 
LoopedIm2ColConv2dAllChannels(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dAllChannels
 
LoopedIm2ColConv2dOneChannel(int, int, ConvolutionParameters, ArrayList<MatrixBlock>) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dOneChannel
 
LOW_LEVEL_OPT - Static variable in class org.apache.sysml.runtime.compress.ColGroupValue
 
lowerCase() - Method in enum org.apache.sysml.api.mlcontext.ScriptType
Obtain script type as a lowercase string ("dml" or "pydml").

M

main(String[]) - Static method in class org.apache.sysml.api.DMLScript
 
maintainSymbolTable - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
map(LongWritable, Text, OutputCollector<Writable, Writable>, Reporter) - Method in class org.apache.sysml.runtime.matrix.CleanupMR.CleanupMapper
 
MapmmChainSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MapmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
mat - Variable in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Enclosing MatrixObject instance
matchar - Variable in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
MATERIALIZE_ZEROS - Static variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
matmult(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String, boolean, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Matrix multiply on GPU Examines sparsity and shapes and routes call to appropriate method from cuBLAS or cuSparse C = op(A) x op(B)
matmultTSMM(ExecutionContext, GPUContext, String, MatrixObject, String, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs tsmm, A %*% A' or A' %*% A, on GPU by exploiting cublasDsyrk(...)
Matrix - Class in org.apache.sysml.api.mlcontext
Matrix encapsulates a SystemML matrix.
Matrix(MatrixObject, SparkExecutionContext) - Constructor for class org.apache.sysml.api.mlcontext.Matrix
 
Matrix(Dataset<Row>, MatrixMetadata) - Constructor for class org.apache.sysml.api.mlcontext.Matrix
Convert a Spark DataFrame to a SystemML binary-block representation.
Matrix(Dataset<Row>, long, long) - Constructor for class org.apache.sysml.api.mlcontext.Matrix
Convert a Spark DataFrame to a SystemML binary-block representation, specifying the number of rows and columns.
Matrix(JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixMetadata) - Constructor for class org.apache.sysml.api.mlcontext.Matrix
Create a Matrix, specifying the SystemML binary-block matrix and its metadata.
Matrix(Dataset<Row>) - Constructor for class org.apache.sysml.api.mlcontext.Matrix
Convert a Spark DataFrame to a SystemML binary-block representation.
Matrix - Class in org.apache.sysml.udf
Class to represent the matrix input type
Matrix(long, long, Matrix.ValueType) - Constructor for class org.apache.sysml.udf.Matrix
This constructor invokes Matrix(String path, long rows, long cols, ValueType vType) with a default filename of ExternalFunctionProgramBlockCP and hence, should only be used by CP external functions.
Matrix(String, long, long, Matrix.ValueType) - Constructor for class org.apache.sysml.udf.Matrix
Constructor that takes matrix file path, num rows, num cols, and matrix value type as parameters.
Matrix.ValueType - Enum in org.apache.sysml.udf
 
MatrixAppendGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
Implements the cbind and rbind functions for matrices
MatrixAppendMSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixAppendMSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, boolean, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixAppendMSPInstruction
 
MatrixAppendRSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixAppendRSPInstruction(Operator, CPOperand, CPOperand, CPOperand, boolean, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixAppendRSPInstruction
 
MatrixBlock - Class in org.apache.sysml.runtime.matrix.data
 
MatrixBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock(int, int, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock(int, int, long) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock(int, int, boolean, long) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock(MatrixBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock(int, int, long, SparseBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
Constructs a sparse MatrixBlock with a given instance of a SparseBlock
MatrixBlock(MatrixBlock, SparseBlock.Type, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MatrixBlock.BlockType - Enum in org.apache.sysml.runtime.matrix.data
 
MatrixBlock.SparsityEstimate - Class in org.apache.sysml.runtime.matrix.data
 
MatrixBlockDataInput - Interface in org.apache.sysml.runtime.matrix.data
Any data input that is intended to support fast deserialization / read of entire blocks should implement this interface.
MatrixBlockDataOutput - Interface in org.apache.sysml.runtime.matrix.data
Any data output that is intended to support fast serialization / write of entire blocks should implement this interface.
matrixBlockToBinaryBlock(JavaSparkContext, JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
matrixBlockToBinaryBlockLongIndex(JavaSparkContext, JavaPairRDD<MatrixIndexes, MatrixBlock>, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
matrixBlockToMatrixObject(String, MatrixBlock, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixBlock to a MatrixObject.
MatrixBuiltinGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixBuiltinGPUInstruction(Operator, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.MatrixBuiltinGPUInstruction
 
MatrixBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixBuiltinSPInstruction(Operator, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixBuiltinSPInstruction
 
MatrixBVectorArithmeticSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixBVectorArithmeticSPInstruction(Operator, CPOperand, CPOperand, CPOperand, BinaryM.VectorType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixBVectorArithmeticSPInstruction
 
MatrixBVectorBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixBVectorBuiltinSPInstruction(Operator, CPOperand, CPOperand, CPOperand, BinaryM.VectorType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixBVectorBuiltinSPInstruction
 
MatrixBVectorRelationalSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixBVectorRelationalSPInstruction(Operator, CPOperand, CPOperand, CPOperand, BinaryM.VectorType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixBVectorRelationalSPInstruction
 
MatrixCell - Class in org.apache.sysml.runtime.matrix.data
 
MatrixCell() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixCell
 
MatrixCell(MatrixCell) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixCell
 
MatrixCell(MatrixValue) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixCell
 
MatrixCell(double) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixCell
 
MatrixCharacteristics - Class in org.apache.sysml.runtime.matrix
 
MatrixCharacteristics() - Constructor for class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
MatrixCharacteristics(long, long, int, int) - Constructor for class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
MatrixCharacteristics(long, long, int, int, long) - Constructor for class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
MatrixCharacteristics(MatrixCharacteristics) - Constructor for class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
matrixDescriptor - Static variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
 
MatrixDimensionsMetaData - Class in org.apache.sysml.runtime.matrix
 
MatrixDimensionsMetaData() - Constructor for class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
MatrixDimensionsMetaData(MatrixCharacteristics) - Constructor for class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
MatrixFormat - Enum in org.apache.sysml.api.mlcontext
MatrixFormat represents the different matrix formats supported by the MLContext API.
MatrixFormatMetaData - Class in org.apache.sysml.runtime.matrix
 
MatrixFormatMetaData(MatrixCharacteristics, OutputInfo, InputInfo) - Constructor for class org.apache.sysml.runtime.matrix.MatrixFormatMetaData
 
MatrixIndexes - Class in org.apache.sysml.runtime.matrix.data
This represent the indexes to the blocks of the matrix.
MatrixIndexes() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
MatrixIndexes(long, long) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
MatrixIndexes(MatrixIndexes) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
MatrixIndexingGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixIndexingSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
This class implements the matrix indexing functionality inside CP.
MatrixIndexingSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, AggBinaryOp.SparkAggType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
 
MatrixIndexingSPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, CPOperand, LeftIndex.LixCacheType, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
 
MatrixMarketInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
MatrixMarketOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
matrixMatrixArithmetic(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String, boolean, boolean, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs elementwise arithmetic operation specified by op of two input matrices in1 and in2
MatrixMatrixArithmeticGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixMatrixArithmeticGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixArithmeticGPUInstruction
 
MatrixMatrixArithmeticSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixMatrixArithmeticSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixMatrixArithmeticSPInstruction
 
MatrixMatrixAxpyGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixMatrixBuiltinGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixMatrixBuiltinGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String, int) - Constructor for class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixBuiltinGPUInstruction
 
MatrixMatrixBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixMatrixBuiltinSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixMatrixBuiltinSPInstruction
 
matrixMatrixOperations(MatrixObject, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
matrixMatrixRelational(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs elementwise operation relational specified by op of two input matrices in1 and in2
MatrixMatrixRelationalBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
MatrixMatrixRelationalBinaryGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixRelationalBinaryGPUInstruction
 
MatrixMatrixRelationalSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixMatrixRelationalSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixMatrixRelationalSPInstruction
 
MatrixMetadata - Class in org.apache.sysml.api.mlcontext
Matrix metadata, such as the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in the matrix.
MatrixMetadata() - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
 
MatrixMetadata(MatrixFormat) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format.
MatrixMetadata(MatrixFormat, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, and the number of columns in a matrix.
MatrixMetadata(MatrixFormat, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, and the number of columns in a matrix.
MatrixMetadata(MatrixFormat, Long, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, the number of columns, and the number of non-zero values in a matrix.
MatrixMetadata(MatrixFormat, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, the number of columns, and the number of non-zero values in a matrix.
MatrixMetadata(MatrixFormat, Long, Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(MatrixFormat, int, int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on matrix format, the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows and the number of columns in a matrix.
MatrixMetadata(int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows and the number of columns in a matrix.
MatrixMetadata(Long, Long, Long) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, and the number of non-zero values in a matrix.
MatrixMetadata(int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, and the number of non-zero values in a matrix.
MatrixMetadata(Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(Long, Long, Long, Integer, Integer) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(int, int, int, int, int) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on the number of rows, the number of columns, the number of non-zero values, the number of rows per block, and the number of columns per block in a matrix.
MatrixMetadata(MatrixCharacteristics) - Constructor for class org.apache.sysml.api.mlcontext.MatrixMetadata
Constructor to create a MatrixMetadata object based on a MatrixCharacteristics object.
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
Performs a matrix multiplication and stores the result in the output matrix.
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
This method allows one to disabling exam sparsity.
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, int, int, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
Performs a multi-threaded matrix multiplication and stores the result in the output matrix.
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixNative
Performs matrix multiplication using native library if BLAS is available or else falls back to Java BLAS.
matrixMult(MatrixBlock, MatrixBlock, MatrixBlock, int, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixNative
 
matrixMultChain(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
Performs a matrix multiplication chain operation of type t(X)%*%(X%*%v) or t(X)%*%(w*(X%*%v)).
matrixMultChain(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MapMultChain.ChainType, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
Performs a parallel matrix multiplication chain operation of type t(X)%*%(X%*%v) or t(X)%*%(w*(X%*%v)).
matrixMultPermute(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultPermute(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultTransposeSelf(MatrixBlock, MatrixBlock, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultTransposeSelf(MatrixBlock, MatrixBlock, boolean, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWCeMM(MatrixBlock, MatrixBlock, MatrixBlock, double, MatrixBlock, WeightedCrossEntropy.WCeMMType) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWCeMM(MatrixBlock, MatrixBlock, MatrixBlock, double, MatrixBlock, WeightedCrossEntropy.WCeMMType, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWDivMM(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedDivMM.WDivMMType) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
NOTE: This operation has limited NaN support, which is acceptable because all our sparse-safe operations have only limited NaN support.
matrixMultWDivMM(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedDivMM.WDivMMType, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
NOTE: This operation has limited NaN support, which is acceptable because all our sparse-safe operations have only limited NaN support.
matrixMultWSigmoid(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedSigmoid.WSigmoidType) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWSigmoid(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedSigmoid.WSigmoidType, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWSLoss(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedSquaredLoss.WeightsType) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWSLoss(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedSquaredLoss.WeightsType, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWuMM(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedUnaryMM.WUMMType, ValueFunction) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixMultWuMM(MatrixBlock, MatrixBlock, MatrixBlock, MatrixBlock, WeightedUnaryMM.WUMMType, ValueFunction, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
matrixObjectTo2DDoubleArray(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a two-dimensional double array.
matrixObjectToBinaryBlocks(MatrixObject, SparkExecutionContext) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a JavaPairRDD<MatrixIndexes, MatrixBlock>.
matrixObjectToDataFrame(MatrixObject, SparkExecutionContext, boolean) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a DataFrame.
matrixObjectToJavaRDDStringCSV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a JavaRDD<String> in CSV format.
matrixObjectToJavaRDDStringIJV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a JavaRDD<String> in IJV format.
matrixObjectToListStringCSV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a List<String> in CSV format.
matrixObjectToListStringIJV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a List<String> in IJV format.
matrixObjectToRDDStringCSV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a RDD<String> in CSV format.
matrixObjectToRDDStringIJV(MatrixObject) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a MatrixObject to a RDD<String> in IJV format.
MatrixPackedCell - Class in org.apache.sysml.runtime.matrix.data
 
MatrixPackedCell(MatrixPackedCell) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
MatrixPackedCell() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
MatrixReshapeSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
matrixScalarArithmetic(ExecutionContext, GPUContext, String, MatrixObject, String, boolean, ScalarOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Entry point to perform elementwise matrix-scalar arithmetic operation specified by op
MatrixScalarArithmeticSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixScalarArithmeticSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixScalarArithmeticSPInstruction
 
MatrixScalarBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixScalarBuiltinSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixScalarBuiltinSPInstruction
 
matrixScalarRelational(ExecutionContext, GPUContext, String, MatrixObject, String, ScalarOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Entry point to perform elementwise matrix-scalar relational operation specified by op
MatrixScalarRelationalSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MatrixScalarRelationalSPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.MatrixScalarRelationalSPInstruction
 
MatrixValue - Class in org.apache.sysml.runtime.matrix.data
 
MatrixValue() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixValue
 
MatrixValue(MatrixValue) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixValue
 
MatrixValue.CellIndex - Class in org.apache.sysml.runtime.matrix.data
 
max() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Wrapper method for reduceall-max of a matrix.
MAX_SHALLOW_SERIALIZE_OVERHEAD - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
MAX_SOLVE_CACHE_SIZE - Static variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimatorSample
 
maxpooling(GPUContext, String, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
performs maxpooling on GPU by exploiting cudnnPoolingForward(...)
maxpooling(MatrixBlock, MatrixBlock, ConvolutionParameters) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
maxpoolingBackward(GPUContext, String, MatrixObject, MatrixObject, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs maxpoolingBackward on GPU by exploiting cudnnPoolingBackward(...) This method computes the backpropogation errors for previous layer of maxpooling operation
maxpoolingBackward(MatrixBlock, MatrixBlock, MatrixBlock, ConvolutionParameters, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
This method computes the backpropogation errors for previous layer of maxpooling operation
mdat - Variable in class org.apache.sysml.runtime.codegen.SpoofOperator.SideInput
 
median() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
merge(CacheBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
merge(FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
merge(CacheBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
merge(MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Merge disjoint: merges all non-zero values of the given input into the current matrix block.
mergeByKey(JavaPairRDD<Long, FrameBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDAggregateUtils
 
mergeByKey(JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Merges disjoint data of all blocks per key.
mergeByKey(JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Merges disjoint data of all blocks per key.
mergeByKey(JavaPairRDD<MatrixIndexes, MatrixBlock>, int, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Merges disjoint data of all blocks per key.
mergeMRJobInstruction(MRJobInstruction) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
mergeRowsByKey(JavaPairRDD<MatrixIndexes, RowMatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
Merges disjoint data of all blocks per key.
MergeWithShiftedBlocks(MatrixCharacteristics, MatrixCharacteristics, boolean) - Constructor for class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction.MergeWithShiftedBlocks
 
Metadata - Class in org.apache.sysml.api.mlcontext
Abstract metadata class for MLContext API.
Metadata() - Constructor for class org.apache.sysml.api.mlcontext.Metadata
 
metadata - Variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
metadata - Variable in class org.apache.sysml.runtime.matrix.JobReturn
 
MetaData - Class in org.apache.sysml.runtime.matrix
Class to store metadata associated with a file (e.g., a matrix) on disk.
MetaData() - Constructor for class org.apache.sysml.runtime.matrix.MetaData
 
mightHaveEmptyBlocks() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
min() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Wrapper method for reduceall-min of a matrix.
MIN_PAR_AGG_THRESHOLD - Static variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
minimumRecommendedSparkVersion() - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
Obtain the minimum recommended Spark version from the manifest.
minNonZero() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Utility function for computing the min non-zero value.
MISC_TIMER_ABS_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ACOS_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ACTIVATION_FORWARD_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ALLOCATE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ALLOCATE_DENSE_OUTPUT - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ALLOCATE_SPARSE_OUTPUT - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ASIN_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ATAN_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_BIAS_ADD_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CBIND_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CEIL_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_COLUMN_TO_ROW_MAJOR - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_COMPARE_AND_SET_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CONVOLUTION_BACKWARD_DATA_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CONVOLUTION_BACKWARD_FILTER_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CONVOLUTION_FORWARD_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_COS_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CUDA_FREE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CUDNN_CLEANUP - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_CUDNN_INIT - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DAXPY_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DAXPY_MV_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_DGEAM_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_DOT_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_MATRIX_DENSE_MATRIX_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_MATRIX_DENSE_VECTOR_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_TO_SPARSE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DENSE_VECTOR_DENSE_MATRIX_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DEVICE_TO_DEVICE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_DEVICE_TO_HOST - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_EXP_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_FILL_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_FLOOR_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_HOST_TO_DEVICE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_LOG_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_MATRIX_MATRIX_CELLWISE_OP_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_MATRIX_SCALAR_OP_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_MAXPOOLING_BACKWARD_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_MAXPOOLING_FORWARD_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_OBJECT_CLONE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ORMQR - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_QR - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_QR_BUFFER - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_RBIND_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_REDUCE_ALL_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_REDUCE_COL_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_REDUCE_ROW_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_RELU_BACKWARD_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_RELU_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_REUSE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_RIX_DENSE_OP - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_RIX_SPARSE_DENSE_OP - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ROUND_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_ROW_TO_COLUMN_MAJOR - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SET_ZERO - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SIGN_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SIN_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SPARSE_ALLOCATE_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SPARSE_DGEAM_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SPARSE_MATRIX_DENSE_VECTOR_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SPARSE_MATRIX_SPARSE_MATRIX_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SPARSE_TO_DENSE - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SQRT_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_SYRK_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_TAN_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_TRANSPOSE_LIB - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_TRSM - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MISC_TIMER_UPPER_TO_LOWER_TRIANGLE_KERNEL - Static variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
MLContext - Class in org.apache.sysml.api.mlcontext
The MLContext API offers programmatic access to SystemML on Spark from languages such as Scala, Java, and Python.
MLContext(SparkSession) - Constructor for class org.apache.sysml.api.mlcontext.MLContext
Create an MLContext based on a SparkSession for interaction with SystemML on Spark.
MLContext(SparkContext) - Constructor for class org.apache.sysml.api.mlcontext.MLContext
Create an MLContext based on a SparkContext for interaction with SystemML on Spark.
MLContext(JavaSparkContext) - Constructor for class org.apache.sysml.api.mlcontext.MLContext
Create an MLContext based on a JavaSparkContext for interaction with SystemML on Spark.
MLContext.ExecutionType - Enum in org.apache.sysml.api.mlcontext
The different types of execution environments supported by SystemML.
MLContext.ExplainLevel - Enum in org.apache.sysml.api.mlcontext
The different explain levels supported by SystemML.
MLContext.InternalProxy - Class in org.apache.sysml.api.mlcontext
Used internally by MLContextProxy.
MLContextConversionUtil - Class in org.apache.sysml.api.mlcontext
Utility class containing methods to perform data conversions.
MLContextConversionUtil() - Constructor for class org.apache.sysml.api.mlcontext.MLContextConversionUtil
 
MLContextException - Exception in org.apache.sysml.api.mlcontext
Uncaught exception representing SystemML exceptions that occur through the MLContext API.
MLContextException() - Constructor for exception org.apache.sysml.api.mlcontext.MLContextException
 
MLContextException(String, Throwable) - Constructor for exception org.apache.sysml.api.mlcontext.MLContextException
 
MLContextException(String) - Constructor for exception org.apache.sysml.api.mlcontext.MLContextException
 
MLContextException(Throwable) - Constructor for exception org.apache.sysml.api.mlcontext.MLContextException
 
MLContextException(String, boolean) - Constructor for exception org.apache.sysml.api.mlcontext.MLContextException
Generate an exception and optionally suppress the stacktrace.
MLContextUtil - Class in org.apache.sysml.api.mlcontext
Utility class containing methods for working with the MLContext API.
MLContextUtil() - Constructor for class org.apache.sysml.api.mlcontext.MLContextUtil
 
MLResults - Class in org.apache.sysml.api.mlcontext
MLResults handles the results returned from executing a Script using the MLContext API.
MLResults() - Constructor for class org.apache.sysml.api.mlcontext.MLResults
 
MLResults(LocalVariableMap) - Constructor for class org.apache.sysml.api.mlcontext.MLResults
 
MLResults(Script) - Constructor for class org.apache.sysml.api.mlcontext.MLResults
 
MMCJMR - Class in org.apache.sysml.runtime.matrix
 
MMRJMR - Class in org.apache.sysml.runtime.matrix
 
MMTSJGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
mod(double, double) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
MRInstructionParser - Class in org.apache.sysml.runtime.instructions
 
MRInstructionParser() - Constructor for class org.apache.sysml.runtime.instructions.MRInstructionParser
 
MRJobInstruction - Class in org.apache.sysml.runtime.instructions
 
MRJobInstruction(JobType) - Constructor for class org.apache.sysml.runtime.instructions.MRJobInstruction
 
MRJobInstruction(MRJobInstruction) - Constructor for class org.apache.sysml.runtime.instructions.MRJobInstruction
(deep) Copy constructor, primarily used in parfor.
MultiInputCbind - Class in org.apache.sysml.udf.lib
This external built-in function addresses following two common scenarios: 1.
MultiInputCbind() - Constructor for class org.apache.sysml.udf.lib.MultiInputCbind
 
MultipleOutputCommitter - Class in org.apache.sysml.runtime.matrix.data
 
MultipleOutputCommitter() - Constructor for class org.apache.sysml.runtime.matrix.data.MultipleOutputCommitter
 
multiReturnOperations(MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
MultiReturnParameterizedBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuild2Function - Class in org.apache.sysml.runtime.instructions.spark
 
MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuildFunction - Class in org.apache.sysml.runtime.instructions.spark
This function pre-aggregates distinct values of recoded columns per partition (part of distributed recode map construction, used for recoding, binning and dummy coding).
MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroup2Function - Class in org.apache.sysml.runtime.instructions.spark
 
MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroupFunction - Class in org.apache.sysml.runtime.instructions.spark
This function assigns codes to globally distinct values of recoded columns and writes the resulting column map in textcell (IJV) format to the output.
mxxValues(int, Builtin) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 

N

N - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
next(int, int) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator.SideInputSparse
 
next() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetRowIterator
 
next() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetValueIterator
 
next() - Method in class org.apache.sysml.runtime.compress.ColGroupOffset.ZeroValueIterator
 
next - Variable in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap.DArrayIListEntry
 
next - Variable in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap.DIListEntry
 
next() - Method in class org.apache.sysml.runtime.matrix.data.AddDummyWeightConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToBinaryCellConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToRowBlockConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToTextCellConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToRowBlockConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToTextConverter
 
next() - Method in interface org.apache.sysml.runtime.matrix.data.Converter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.IdenticalConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.TextCellToRowBlockConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.TextToBinaryCellConverter
 
next() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCellToSortInputConverter
 
nextRow() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelection
Gets the next row, null when no more rows.
nextRow() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDense
 
nextRow() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDenseSample
 
nextRow() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelectionSparse
 
nnz - Variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Number of non zeroes
nnzKnown() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
nonZeros - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
NUM_COLS_IN_MATRIX - Static variable in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
NUM_ROWS_IN_MATRIX - Static variable in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
NUM_VALUES_PREFIX - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
numColumns - Variable in class org.apache.sysml.api.mlcontext.Metadata
 
numColumnsPerBlock - Variable in class org.apache.sysml.api.mlcontext.Metadata
 
numGroups - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
NumItemsByEachReducerMetaData - Class in org.apache.sysml.runtime.matrix.data
 
NumItemsByEachReducerMetaData(MatrixCharacteristics, long[], int, long) - Constructor for class org.apache.sysml.runtime.matrix.data.NumItemsByEachReducerMetaData
 
numNonZeros - Variable in class org.apache.sysml.api.mlcontext.Metadata
 
numOffs - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 
numRows - Variable in class org.apache.sysml.api.mlcontext.Metadata
 
numRows() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the number of rows in the sparse block.
numRows() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
numRows() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
numRows() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
numRowsPerBlock - Variable in class org.apache.sysml.api.mlcontext.Metadata
 
numRuns - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 
numSegs - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 
numSingle - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 
numThreads - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
numVals - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 

O

OffsetCount() - Constructor for class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
OffsetCount(String, long, long) - Constructor for class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
OffsetCount(CSVReblockMR.OffsetCount) - Constructor for class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
OffsetRowIterator(int, int, boolean) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetRowIterator
 
OffsetValueIterator(int, int, boolean) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset.OffsetValueIterator
 
oldForceGPU - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
oldGPU - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
oldStatistics - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
OPERAND_DELIM - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
OperationsOnMatrixValues - Class in org.apache.sysml.runtime.matrix.data
 
OperationsOnMatrixValues() - Constructor for class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
OrderWrapper - Class in org.apache.sysml.udf.lib
Deprecated.
OrderWrapper() - Constructor for class org.apache.sysml.udf.lib.OrderWrapper
Deprecated.
 
org.apache.sysml.api - package org.apache.sysml.api
 
org.apache.sysml.api.jmlc - package org.apache.sysml.api.jmlc
 
org.apache.sysml.api.mlcontext - package org.apache.sysml.api.mlcontext
 
org.apache.sysml.runtime - package org.apache.sysml.runtime
 
org.apache.sysml.runtime.codegen - package org.apache.sysml.runtime.codegen
 
org.apache.sysml.runtime.compress - package org.apache.sysml.runtime.compress
 
org.apache.sysml.runtime.compress.cocode - package org.apache.sysml.runtime.compress.cocode
 
org.apache.sysml.runtime.compress.estim - package org.apache.sysml.runtime.compress.estim
 
org.apache.sysml.runtime.compress.utils - package org.apache.sysml.runtime.compress.utils
 
org.apache.sysml.runtime.instructions - package org.apache.sysml.runtime.instructions
 
org.apache.sysml.runtime.instructions.gpu - package org.apache.sysml.runtime.instructions.gpu
 
org.apache.sysml.runtime.instructions.gpu.context - package org.apache.sysml.runtime.instructions.gpu.context
 
org.apache.sysml.runtime.instructions.spark - package org.apache.sysml.runtime.instructions.spark
 
org.apache.sysml.runtime.instructions.spark.utils - package org.apache.sysml.runtime.instructions.spark.utils
 
org.apache.sysml.runtime.matrix - package org.apache.sysml.runtime.matrix
 
org.apache.sysml.runtime.matrix.data - package org.apache.sysml.runtime.matrix.data
 
org.apache.sysml.udf - package org.apache.sysml.udf
 
org.apache.sysml.udf.lib - package org.apache.sysml.udf.lib
 
out(String) - Method in class org.apache.sysml.api.mlcontext.Script
Register an output variable.
out(String...) - Method in class org.apache.sysml.api.mlcontext.Script
Register output variables.
out(Seq<String>) - Method in class org.apache.sysml.api.mlcontext.Script
Register output variables.
out(List<String>) - Method in class org.apache.sysml.api.mlcontext.Script
Register output variables.
output - Variable in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
output - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
outputFormatClass - Variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
OutputInfo - Class in org.apache.sysml.runtime.matrix.data
 
OutputInfo(Class<? extends OutputFormat>, Class<? extends Writable>, Class<? extends Writable>) - Constructor for class org.apache.sysml.runtime.matrix.data.OutputInfo
 
OutputInfoForSortInput - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
OutputInfoForSortOutput - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
outputInfoToString(OutputInfo) - Static method in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
outputInfoToStringExternal(OutputInfo) - Static method in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
outputKeyClass - Variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
outputParams - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
outputValueClass - Variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 

P

P - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
PackageFunction - Class in org.apache.sysml.udf
Abstract class that should be extended to implement a package function.
PackageFunction() - Constructor for class org.apache.sysml.udf.PackageFunction
 
pad_h - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
pad_w - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
Pair<K,V> - Class in org.apache.sysml.runtime.matrix.data
 
Pair() - Constructor for class org.apache.sysml.runtime.matrix.data.Pair
 
Pair(K, V) - Constructor for class org.apache.sysml.runtime.matrix.data.Pair
 
PAR_MINFLOP_THRESHOLD - Static variable in class org.apache.sysml.runtime.codegen.SpoofOperator
 
PAR_NUMCELL_THRESHOLD - Static variable in class org.apache.sysml.runtime.codegen.SpoofOperator
 
PAR_NUMCELL_THRESHOLD - Static variable in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
ParameterizedBuiltinSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.CreateMatrixCell - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction2 - Class in org.apache.sysml.runtime.instructions.spark
Similar to RDDMapGroupedAggFunction but single output block.
ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunctionInMem - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDReplaceFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDRExpandFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDTransformApplyFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDTransformApplyOffsetFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDTransformDecodeExpandFunction - Class in org.apache.sysml.runtime.instructions.spark
 
ParameterizedBuiltinSPInstruction.RDDTransformDecodeFunction - Class in org.apache.sysml.runtime.instructions.spark
 
params - Variable in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
parseAggregateBinaryInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseAggregateInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseAggregateOperator(String, String, String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseAggregateTernaryOperator(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseAggregateTernaryOperator(String, int) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseBasicAggregateUnaryOperator(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseBasicCumulativeAggregateUnaryOperator(UnaryOperator) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseBinaryInstruction(String, CPOperand, CPOperand, CPOperand) - Static method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
parseBinaryInstruction(String, CPOperand, CPOperand, CPOperand, CPOperand) - Static method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
parseBinaryOperator(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseCLArguments(String[], Options) - Static method in class org.apache.sysml.api.DMLScript
Parses command line arguments to create a DMLScript.DMLOptions instance with the correct options
parseCM_N_COVInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseCombineInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseCSVReblockInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseCSVWriteInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseCumulativeAggregateUnaryOperator(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseDataGenInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseExtendedBinaryOperator(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
 
parseGroupedAggInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.AggregateBinaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.AggregateUnaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.ArithmeticBinaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.BuiltinBinaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.BuiltinUnaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.ConvolutionGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.MatrixAppendGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.MatrixIndexingGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixAxpyGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.MMTSJGPUInstruction
parse MMTSJ GPU instruction
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.RelationalBinaryGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.gpu.ReorgGPUInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AggregateTernarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AggregateUnarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AppendGAlignedSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AppendMSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.AppendRSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ArithmeticBinarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.BinUaggChainSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.BuiltinBinarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.BuiltinUnarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CastSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CentralMomentSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CheckpointSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CompressionSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ConvolutionSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CovarianceSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CpmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CSVReblockSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CumulativeAggregateSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.CumulativeOffsetSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.MapmmChainSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.MapmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.MatrixReshapeSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.PlusMultSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.PMapmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.PmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.QuantilePickSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.QuantileSortSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.QuaternarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ReblockSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.RelationalBinarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ReorgSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.RmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.SpoofSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.TernarySPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.Tsmm2SPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.TsmmSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.UaggOuterChainSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
parseInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.spark.ZipmmSPInstruction
 
parseListString(String, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Parses a string into a list.
parseMixedInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionParser
 
parseMixedInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseReblockInstructions(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseScalarBinaryOperator(String, boolean) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
scalar-matrix operator
parseScalarBinaryOperator(String, boolean, double) - Static method in class org.apache.sysml.runtime.instructions.InstructionUtils
scalar-matrix operator
parseScript() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Parse the script into an ANTLR parse tree, and convert this parse tree into a SystemML program.
parseSingleInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.CPInstructionParser
 
parseSingleInstruction(CPInstruction.CPINSTRUCTION_TYPE, String) - Static method in class org.apache.sysml.runtime.instructions.CPInstructionParser
 
parseSingleInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.GPUInstructionParser
 
parseSingleInstruction(GPUInstruction.GPUINSTRUCTION_TYPE, String) - Static method in class org.apache.sysml.runtime.instructions.GPUInstructionParser
 
parseSingleInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.InstructionParser
 
parseSingleInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseSingleInstruction(MRInstruction.MRINSTRUCTION_TYPE, String) - Static method in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
parseSingleInstruction(String) - Static method in class org.apache.sysml.runtime.instructions.SPInstructionParser
 
parseSingleInstruction(SPInstruction.SPINSTRUCTION_TYPE, String) - Static method in class org.apache.sysml.runtime.instructions.SPInstructionParser
 
parseSortInstruction(String) - Static method in class org.apache.sysml.runtime.matrix.SortMR
 
PartialBlock - Class in org.apache.sysml.runtime.matrix.data
 
PartialBlock(int, int, double) - Constructor for class org.apache.sysml.runtime.matrix.data.PartialBlock
 
PartialBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.PartialBlock
 
partitionColumns(List<Integer>, HashMap<Integer, PlanningCoCoder.GroupableColInfo>) - Method in class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitioner
Partitions a list of columns into a list of partitions that contains subsets of columns.
partitionColumns(List<Integer>, HashMap<Integer, PlanningCoCoder.GroupableColInfo>) - Method in class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitionerBinPacking
 
partitionColumns(List<Integer>, HashMap<Integer, PlanningCoCoder.GroupableColInfo>) - Method in class org.apache.sysml.runtime.compress.cocode.ColumnGroupPartitionerStatic
 
performAggregateBinary(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, AggregateBinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performAggregateBinaryIgnoreIndexes(MatrixValue, MatrixValue, MatrixValue, AggregateBinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performAggregateUnary(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, AggregateUnaryOperator, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performAppend(MatrixValue, MatrixValue, ArrayList<IndexedMatrixValue>, int, int, boolean, boolean, int) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performBinaryIgnoreIndexes(MatrixValue, MatrixValue, MatrixValue, BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performCleanupAfterRecompilation(ArrayList<Instruction>) - Static method in class org.apache.sysml.api.jmlc.JMLCProxy
 
performCleanupAfterRecompilation(ArrayList<Instruction>) - Method in class org.apache.sysml.api.mlcontext.MLContext.InternalProxy
 
performMapGroupedAggregate(Operator, IndexedMatrixValue, MatrixBlock, int, int, int, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performMaxpooling(GPUContext, String, Pointer, cudnnTensorDescriptor, MatrixObject, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
performReorg(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, ReorgOperator, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performScalarIgnoreIndexes(MatrixValue, MatrixValue, ScalarOperator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performShift(IndexedMatrixValue, IndexRange, int, int, long, long, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performShift(Pair<Long, FrameBlock>, IndexRange, int, int, long, long, ArrayList<Pair<Long, FrameBlock>>) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performSlice(IndexRange, int, int, int, int, CacheBlock) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performSlice(IndexRange, int, int, int, int, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performSlice(IndexedMatrixValue, IndexRange, int, int, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performSlice(IndexRange, int, int, int, int, FrameBlock) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performSlice(Pair<Long, FrameBlock>, IndexRange, int, int, ArrayList<Pair<Long, FrameBlock>>) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
This function will get slice of the input frame block overlapping in overall slice(Range), slice has requested for.
performTernary(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, CTableMap, MatrixBlock, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performTernary(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, double, CTableMap, MatrixBlock, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performTernary(MatrixIndexes, MatrixValue, double, double, CTableMap, MatrixBlock, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performTernary(MatrixIndexes, MatrixValue, double, boolean, int, CTableMap, MatrixBlock, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performTernary(MatrixIndexes, MatrixValue, double, MatrixIndexes, MatrixValue, CTableMap, MatrixBlock, Operator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performUnaryIgnoreIndexes(MatrixValue, MatrixValue, UnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
performZeroOut(MatrixIndexes, MatrixValue, MatrixIndexes, MatrixValue, IndexRange, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
permutationMatrixMultOperations(MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
permutationMatrixMultOperations(MatrixValue, MatrixValue, MatrixValue, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
permutationMatrixMultOperations(MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
permutationMatrixMultOperations(MatrixValue, MatrixValue, MatrixValue, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
pickValue(double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
pickValue(double, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
pickValues(MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
PlanningCoCoder - Class in org.apache.sysml.runtime.compress.cocode
 
PlanningCoCoder() - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningCoCoder
 
PlanningCoCoder.GroupableColInfo - Class in org.apache.sysml.runtime.compress.cocode
 
PlanningCoCoder.PartitionerType - Enum in org.apache.sysml.runtime.compress.cocode
 
PlanningCoCodingGroup - Class in org.apache.sysml.runtime.compress.cocode
Class to represent information about co-coding a group of columns.
PlanningCoCodingGroup(int, PlanningCoCoder.GroupableColInfo) - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
Constructor for a one-column group; i.e.
PlanningCoCodingGroup(PlanningCoCodingGroup, PlanningCoCodingGroup, CompressedSizeEstimator, int) - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
Constructor for merging two disjoint groups of columns
PlanningCoCodingGroup.ColIndexes - Class in org.apache.sysml.runtime.compress.cocode
 
PlanningMemoTable - Class in org.apache.sysml.runtime.compress.cocode
 
PlanningMemoTable() - Constructor for class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
PlusMultSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
PMapmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
This pmapmm matrix multiplication instruction is still experimental not integrated in automatic operator selection yet.
PmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
PoolingBackwardDenseDense(int, int, ConvolutionParameters, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseDense
 
PoolingBackwardDenseSparse(int, int, ConvolutionParameters, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseSparse
 
PoolingBackwardSparseDense(int, int, ConvolutionParameters, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseDense
 
PoolingBackwardSparseSparse(int, int, ConvolutionParameters, boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseSparse
 
pos(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the starting position of row r in the indexes/values arrays returned by indexes(r) and values(r).
pos(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
pos(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
pos(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
posFIndexGT(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get position of first column index greater than column c in row r.
posFIndexGT(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
posFIndexGT(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
posFIndexGT(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
posFIndexGTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get position of first column index greater than or equal column c in row r.
posFIndexGTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
posFIndexGTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
posFIndexGTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
posFIndexLTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get position of first column index lower than or equal column c in row r.
posFIndexLTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
posFIndexLTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
posFIndexLTE(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
postProcessAfterCopying(MatrixBlock) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
postprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
postprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.Instruction
This method should be used for any tear down after executing this instruction.
postprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
postScaling(double[], double[]) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
preaggValues(int, double[]) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
preaggValues(int, double[], boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
PreparedScript - Class in org.apache.sysml.api.jmlc
Representation of a prepared (precompiled) DML/PyDML script.
PreparedScript(Program, String[], String[]) - Constructor for class org.apache.sysml.api.jmlc.PreparedScript
Meant to be invoked only from Connection.
prepareRowIndices(int, double[], BinaryOperator, AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
 
prepareRowIndicesMax(int, double[], BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will return max indices, based on column vector data.
prepareRowIndicesMin(int, double[], BinaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will return min indices, based on column vector data.
prepareScript(String, String[], String[], boolean) - Method in class org.apache.sysml.api.jmlc.Connection
Prepares (precompiles) a script and registers input and output variables.
prepareScript(String, Map<String, String>, String[], String[], boolean) - Method in class org.apache.sysml.api.jmlc.Connection
Prepares (precompiles) a script, sets input parameter values, and registers input and output variables.
prepInputMatrices(ArrayList<MatrixBlock>) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
prepInputMatrices(ArrayList<MatrixBlock>, boolean) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
prepInputMatrices(ArrayList<MatrixBlock>, int, boolean) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
prepInputMatrices(ArrayList<MatrixBlock>, boolean, boolean) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
prepInputMatrices(ArrayList<MatrixBlock>, int, int, boolean, boolean) - Method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
prepInputScalars(ArrayList<ScalarObject>) - Static method in class org.apache.sysml.runtime.codegen.SpoofOperator
 
preprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
preprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.Instruction
This method should be used for any setup before executing this instruction.
preprocessInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
preservesPartitioning(MatrixCharacteristics, IndexFunction) - Static method in class org.apache.sysml.runtime.instructions.spark.UaggOuterChainSPInstruction
 
print() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
printCompleteMRJobInstruction(MatrixCharacteristics[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
printMe() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
printMe() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
processBiasInstruction(String, ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ConvolutionGPUInstruction
 
processFrameCSVReblockInstruction(SparkExecutionContext, MatrixCharacteristics, Expression.ValueType[]) - Method in class org.apache.sysml.runtime.instructions.spark.CSVReblockSPInstruction
 
processFrameReblockInstruction(SparkExecutionContext, InputInfo) - Method in class org.apache.sysml.runtime.instructions.spark.ReblockSPInstruction
 
processFrameWriteInstruction(SparkExecutionContext, String, OutputInfo, Expression.ValueType[]) - Method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.AggregateBinaryGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.AggregateUnaryGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ConvolutionGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixAppendGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixBuiltinGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixIndexingGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixArithmeticGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixAxpyGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixBuiltinGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MatrixMatrixRelationalBinaryGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.MMTSJGPUInstruction
process MMTSJ GPU instruction
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ReorgGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ScalarMatrixArithmeticGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ScalarMatrixRelationalBinaryGPUInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.Instruction
This method should be used to execute the instruction.
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.AggregateTernarySPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.AggregateUnarySPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.AppendGAlignedSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.BinUaggChainSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CastSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CentralMomentSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CheckpointSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CompressionSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ConvolutionSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CovarianceSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CpmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CSVReblockSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CumulativeAggregateSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.CumulativeOffsetSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.FrameAppendMSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.FrameAppendRSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.FrameIndexingSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MapmmChainSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MapmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixAppendMSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixAppendRSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixBVectorArithmeticSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixBVectorBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixBVectorRelationalSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixIndexingSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixMatrixArithmeticSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixMatrixBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixMatrixRelationalSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixReshapeSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixScalarArithmeticSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixScalarBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MatrixScalarRelationalSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.PlusMultSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.PMapmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.PmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.QuantilePickSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.QuantileSortSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.QuaternarySPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ReblockSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ReorgSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.RmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.SpoofSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.TernarySPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.Tsmm2SPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.TsmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.UaggOuterChainSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ZipmmSPInstruction
 
processInstruction(ExecutionContext) - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
processMatrixBVectorBinaryInstruction(ExecutionContext, BinaryM.VectorType) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
processMatrixCSVReblockInstruction(SparkExecutionContext, MatrixCharacteristics) - Method in class org.apache.sysml.runtime.instructions.spark.CSVReblockSPInstruction
 
processMatrixMatrixBinaryInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
Common binary matrix-matrix process instruction
processMatrixReblockInstruction(SparkExecutionContext, InputInfo) - Method in class org.apache.sysml.runtime.instructions.spark.ReblockSPInstruction
 
processMatrixScalarBinaryInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
processMatrixWriteInstruction(SparkExecutionContext, String, OutputInfo) - Method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
processReLUBackwardInstruction(ExecutionContext) - Method in class org.apache.sysml.runtime.instructions.gpu.ConvolutionGPUInstruction
 
projectColumns(Dataset<Row>, ArrayList<String>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
ProjectInfo - Class in org.apache.sysml.api.mlcontext
Obtains information that is stored in the manifest when the SystemML jar is built.
properties() - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
Obtain all the properties from the manifest as a sorted map.
property(String) - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
Obtain a manifest property value based on the key.
pydml(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML script object based on a string.
pydmlFromFile(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML Script object based on a string path to a file.
pydmlFromInputStream(InputStream) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML Script object based on an input stream.
pydmlFromLocalFile(File) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Creates a PYDML Script object based on a file in the local file system.
pydmlFromResource(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML Script object based on a resource path.
pydmlFromString(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML Script object based on a string.
pydmlFromUrl(String) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Creat a PYDML Script object based on a URL path.
pydmlFromUrl(URL) - Static method in class org.apache.sysml.api.mlcontext.ScriptFactory
Create a PYDML Script object based on a URL.

Q

Q - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
QuantilePickSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
QuantileSortSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
This class supports two variants of sort operation on a 1-dimensional input matrix.
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
quaternaryOperations(QuaternaryOperator, MatrixValue, MatrixValue, MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
QuaternarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
quickGetValue(int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
quickGetValue(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
quickSetValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
quotedString(String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Return a double-quoted string with inner single and double quotes escaped.

R

R - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
RandomMatrixGenerator - Class in org.apache.sysml.runtime.matrix.data
 
RandomMatrixGenerator() - Constructor for class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
 
RandomMatrixGenerator(RandomMatrixGenerator.PDF, int, int, int, int, double) - Constructor for class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Instantiates a Random number generator
RandomMatrixGenerator(String, int, int, int, int, double, double, double) - Constructor for class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Instantiates a Random number generator
RandomMatrixGenerator(RandomMatrixGenerator.PDF, int, int, int, int, double, double, double) - Constructor for class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Instantiates a Random number generator
RandomMatrixGenerator(RandomMatrixGenerator.PDF, int, int, int, int, double, double, double, double) - Constructor for class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
Instantiates a Random number generator with a specific poisson mean
randOperations(int, int, double, double, double, String, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate the random matrix with specified dimensions (block sizes are not specified).
randOperations(int, int, double, double, double, String, long, int) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate the random matrix with specified dimensions (block sizes are not specified).
randOperations(RandomMatrixGenerator, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate the random matrix with specified dimensions and block dimensions.
randOperations(RandomMatrixGenerator, long, int) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate the random matrix with specified dimensions and block dimensions.
randOperationsInPlace(RandomMatrixGenerator, LongStream, Well1024a, long) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
randOperationsInPlace(RandomMatrixGenerator, LongStream, Well1024a, long, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
randOperationsInPlace(RandomMatrixGenerator, LongStream, Well1024a, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate a matrix of random numbers.
randOperationsInPlace(RandomMatrixGenerator, LongStream, Well1024a, long, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Function to generate a matrix of random numbers.
RandSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
ratio - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
rbind(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
 
rCleanupRuntimeProgram(ProgramBlock, HashSet<String>) - Static method in class org.apache.sysml.api.jmlc.JMLCUtils
Cleanup program blocks (called recursively).
RDDAggregateUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
Collection of utility methods for aggregating binary block rdds.
RDDAggregateUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
RDDBinUaggChainFunction(BinaryOperator, AggregateUnaryOperator) - Constructor for class org.apache.sysml.runtime.instructions.spark.BinUaggChainSPInstruction.RDDBinUaggChainFunction
 
RDDConverterUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
 
RDDConverterUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
RDDConverterUtils.DataFrameExtractIDFunction - Class in org.apache.sysml.runtime.instructions.spark.utils
 
RDDConverterUtilsExt - Class in org.apache.sysml.runtime.instructions.spark.utils
NOTE: These are experimental converter utils.
RDDConverterUtilsExt() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
 
RDDConverterUtilsExt.AddRowID - Class in org.apache.sysml.runtime.instructions.spark.utils
 
RDDConverterUtilsExt.RDDConverterTypes - Enum in org.apache.sysml.runtime.instructions.spark.utils
 
RDDMapGroupedAggFunction(PartitionedBroadcast<MatrixBlock>, Operator, int, int, int) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction
 
RDDMapGroupedAggFunction2(PartitionedBroadcast<MatrixBlock>, Operator, int) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDMapGroupedAggFunction2
 
RDDRemoveEmptyFunction(boolean, long, long, long) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunction
 
RDDRemoveEmptyFunctionInMem(boolean, long, long, long, PartitionedBroadcast<MatrixBlock>) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRemoveEmptyFunctionInMem
 
RDDReplaceFunction(double, double) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDReplaceFunction
 
RDDRExpandFunction(double, boolean, boolean, boolean, long, long) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDRExpandFunction
 
RDDSortUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
 
RDDSortUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
 
RDDSortUtils.IndexComparator - Class in org.apache.sysml.runtime.instructions.spark.utils
 
rddStringCSVToFrameObject(String, RDD<String>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in CSV format to a FrameObject
rddStringCSVToFrameObject(String, RDD<String>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in CSV format to a FrameObject
rddStringCSVToMatrixObject(String, RDD<String>) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in CSV format to a MatrixObject
rddStringCSVToMatrixObject(String, RDD<String>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in CSV format to a MatrixObject
rddStringIJVToFrameObject(String, RDD<String>, FrameMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in IJV format to a FrameObject.
rddStringIJVToMatrixObject(String, RDD<String>, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a RDD<String> in IJV format to a MatrixObject.
RDDTransformApplyFunction(Broadcast<Encoder>, Broadcast<TfOffsetMap>) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformApplyFunction
 
RDDTransformApplyOffsetFunction(String, String[]) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformApplyOffsetFunction
 
RDDTransformDecodeExpandFunction(int, int) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformDecodeExpandFunction
 
RDDTransformDecodeFunction(Decoder, int) - Constructor for class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction.RDDTransformDecodeFunction
 
READ_CACHE_BLKSZ - Static variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
readDMLScript(boolean, String) - Static method in class org.apache.sysml.api.DMLScript
Reads the DML/PyDML script into a String
readDoubleArray(int, double[]) - Method in interface org.apache.sysml.runtime.matrix.data.MatrixBlockDataInput
Reads the double array from the data input into the given dense block and returns the number of non-zeros.
readDoubleMatrix(String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads an input matrix in arbitrary format from HDFS into a dense double array.
readDoubleMatrix(String, InputInfo, long, long, int, int, long) - Method in class org.apache.sysml.api.jmlc.Connection
Reads an input matrix in arbitrary format from HDFS into a dense double array.
ReaderColumnSelection - Class in org.apache.sysml.runtime.compress
Base class for all column selection readers.
ReaderColumnSelection(int[], int, boolean) - Constructor for class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
ReaderColumnSelectionDense - Class in org.apache.sysml.runtime.compress
 
ReaderColumnSelectionDense(MatrixBlock, int[], boolean) - Constructor for class org.apache.sysml.runtime.compress.ReaderColumnSelectionDense
 
ReaderColumnSelectionDenseSample - Class in org.apache.sysml.runtime.compress
considers only a subset of row indexes
ReaderColumnSelectionDenseSample(MatrixBlock, int[], int[], boolean) - Constructor for class org.apache.sysml.runtime.compress.ReaderColumnSelectionDenseSample
 
ReaderColumnSelectionSparse - Class in org.apache.sysml.runtime.compress
Used to extract the values at certain indexes from each row in a sparse matrix Keeps returning all-zeros arrays until reaching the last possible index.
ReaderColumnSelectionSparse(MatrixBlock, int[], boolean) - Constructor for class org.apache.sysml.runtime.compress.ReaderColumnSelectionSparse
 
readExternal(ObjectInput) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Redirects the default java serialization via externalizable to our default hadoop writable serialization for efficient broadcast/rdd deserialization.
readExternal(ObjectInput) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
readExternal(ObjectInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Redirects the default java serialization via externalizable to our default hadoop writable serialization for efficient broadcast/rdd deserialization.
readExternal(ObjectInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
Redirects the default java serialization via externalizable to our default hadoop writable serialization for consistency/maintainability.
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.ColGroup
Deserializes column group from data input.
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.BlockRow
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
readFields(DataInput) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
readScript(String) - Method in class org.apache.sysml.api.jmlc.Connection
Read a DML or PyDML file as a string.
readSparseRows(int, long, SparseBlock) - Method in interface org.apache.sysml.runtime.matrix.data.MatrixBlockDataInput
Reads the sparse rows array from the data input into a sparse block and returns the number of non-zeros.
readStringFrame(String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads an input frame in arbitrary format from HDFS into a dense string array.
readStringFrame(String, InputInfo, long, long) - Method in class org.apache.sysml.api.jmlc.Connection
Reads an input frame in arbitrary format from HDFS into a dense string array.
readTransformMetaDataFromFile(String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from an HDFS file path and converts it into an in-memory FrameBlock object.
readTransformMetaDataFromFile(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from an HDFS file path and converts it into an in-memory FrameBlock object.
readTransformMetaDataFromFile(String, String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from an HDFS file path and converts it into an in-memory FrameBlock object.
readTransformMetaDataFromPath(String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from the class path and converts it into an in-memory FrameBlock object.
readTransformMetaDataFromPath(String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from the class path and converts it into an in-memory FrameBlock object.
readTransformMetaDataFromPath(String, String, String) - Method in class org.apache.sysml.api.jmlc.Connection
Reads transform meta data from the class path and converts it into an in-memory FrameBlock object.
ReblockMR - Class in org.apache.sysml.runtime.matrix
 
ReblockSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
recomputeColumnCardinality() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
recomputeIndexes(MatrixBlock, AggregateUnaryOperator, int, int, MatrixIndexes) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixAgg
Recompute outputs (e.g., maxindex or minindex) according to block indexes from MR.
recomputeNonZeros() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Recomputes and materializes the number of non-zero values of the entire matrix block.
recomputeNonZeros(int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Recomputes the number of non-zero values of a specified range of the matrix block.
recordBlockUsage(GPUObject) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
reduce(MatrixIndexes, Iterator<TaggedMatrixValue>, OutputCollector<MatrixIndexes, WeightedPair>, Reporter) - Method in class org.apache.sysml.runtime.matrix.CombineMR.InnerReducer
 
RelationalBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
RelationalBinaryGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.RelationalBinaryGPUInstruction
 
RelationalBinarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
RelationalBinarySPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.RelationalBinarySPInstruction
 
releaseInput() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Releases input allocated on GPU
releaseOutput() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
releases output allocated on GPU
relu(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs the relu operation on the GPU.
reluBackward(GPUContext, String, MatrixObject, MatrixObject, MatrixObject) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
This method computes the backpropagation errors for previous layer of relu operation
reluBackward(MatrixBlock, MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
This method computes the backpropagation errors for previous layer of relu operation
ReluBackward(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper.ReluBackward
 
remove(PlanningCoCodingGroup) - Method in class org.apache.sysml.runtime.compress.cocode.PlanningMemoTable
 
removeEmptyOperations(MatrixBlock, boolean, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
removeEmptyOperations(MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
removeEmptyOperations(MatrixBlock, boolean, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
removeEmptyOperations(MatrixBlock, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
RemoveEmptyRows - Class in org.apache.sysml.udf.lib
Deprecated.
RemoveEmptyRows() - Constructor for class org.apache.sysml.udf.lib.RemoveEmptyRows
Deprecated.
 
removeRecordedUsage(GPUObject) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
reorg(MatrixBlock, MatrixBlock, ReorgOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
reorg(MatrixCharacteristics, ReorgOperator, MatrixCharacteristics) - Static method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
ReorgGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reorgOperations(ReorgOperator, MatrixValue, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
ReorgSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
replaceOperations(MatrixValue, double, double) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
replaceOperations(MatrixValue, double, double) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
replaceOperations(MatrixValue, double, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
replaceOperations(MatrixValue, double, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
replaceOperations(MatrixValue, double, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ReplicateRightFactorFunction(long, long) - Constructor for class org.apache.sysml.runtime.instructions.spark.SpoofSPInstruction.ReplicateRightFactorFunction
 
requiresLabelUpdate() - Method in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
requiresLabelUpdate() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
requiresLabelUpdate() - Method in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
reserveAllGPUContexts() - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContextPool
Reserves and gets an initialized list of GPUContexts
reset() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelection
Resets the reader to the first row.
reset() - Method in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDenseSample
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reset(int, int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reset(int, int, boolean, long) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reset(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
reset(int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset(int, int, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset(int, int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset(int, int, boolean, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reset(int, int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reset(int, int, boolean, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reset(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reset(int, int, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reset(int, int, boolean, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reset(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Clears the sparse block by deleting non-zero values.
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Clears the sparse block by deleting non-zero values.
reset(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Clears row r of the sparse block by deleting non-zero values.
reset() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
reset(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
reset(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
reset() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
reset(int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Resets the sparse row to empty, after this call size and isEmpty are guaranteed to return 0 and true, respectively.
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
reset(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
resetConfig() - Method in class org.apache.sysml.api.mlcontext.MLContext
Reset configuration settings to default settings.
resetGlobalFlags() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Reset the global flags (for example: statistics, gpu, etc) post-execution.
resetOutputMatix(MatrixIndexes, MatrixBlock, MatrixIndexes, MatrixBlock, AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
ReSet output matrix
resetStatistics() - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDNN
 
reshape(MatrixBlock, MatrixBlock, int, int, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
CP reshape operation (single input, single output matrix)
reshape(IndexedMatrixValue, MatrixCharacteristics, ArrayList<IndexedMatrixValue>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
MR/SPARK reshape interface - for reshape we cannot view blocks independently, and hence, there are different CP and MR interfaces.
RESIZE_FACTOR1 - Static variable in class org.apache.sysml.runtime.matrix.data.SparseBlock
 
RESIZE_FACTOR2 - Static variable in class org.apache.sysml.runtime.matrix.data.SparseBlock
 
restoreInputsInSymbolTable() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Restore the input variables in the symbol table after script execution.
results() - Method in class org.apache.sysml.api.mlcontext.Script
Obtain the results of the script execution.
ResultVariables - Class in org.apache.sysml.api.jmlc
A ResultVariables object holds the data returned by a call to PreparedScript's executeScript method, which executes a DML/PyDML script.
ResultVariables() - Constructor for class org.apache.sysml.api.jmlc.ResultVariables
 
rev(MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
rev(IndexedMatrixValue, long, int, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
rewriteHops() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Apply static rewrites, perform intra-/inter-procedural analysis to propagate size information into functions, apply dynamic rewrites, and compute memory estimates for all HOPs.
rewritePersistentReadsAndWrites() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Replace persistent reads and writes with transient reads and writes in the symbol table.
rexpand(MatrixBlock, MatrixBlock, double, boolean, boolean, boolean, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
CP rexpand operation (single input, single output)
rexpand(IndexedMatrixValue, double, boolean, boolean, boolean, long, long, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
MR/Spark rexpand operation (single input, multiple outputs incl empty blocks)
rexpandOperations(MatrixBlock, double, boolean, boolean, boolean, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
rexpandOperations(MatrixBlock, double, boolean, boolean, boolean, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroup
Multiply the slice of the matrix that this column group represents by a vector on the right.
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
rightMultByVector(ColGroupDDC1[], MatrixBlock, MatrixBlock, int, int) - Static method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
rightMultByVector(MatrixBlock, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
rightMultByVector(MatrixBlock, MatrixBlock, int) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
rlen - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
rlens - Variable in class org.apache.sysml.runtime.matrix.CSVReblockMR.AssignRowIDMRReturn
 
rmempty(MatrixBlock, MatrixBlock, boolean, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
CP rmempty operation (single input, single output matrix)
rmempty(IndexedMatrixValue, IndexedMatrixValue, boolean, long, long, long, ArrayList<IndexedMatrixValue>) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
MR rmempty interface - for rmempty we cannot view blocks independently, and hence, there are different CP and MR interfaces.
RmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
round(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "round" operation on a matrix on the GPU
row - Variable in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
RowClassMeet - Class in org.apache.sysml.udf.lib
Performs following operation: # Computes the intersection ("meet") of equivalence classes for # each row of A and B, excluding 0-valued cells.
RowClassMeet() - Constructor for class org.apache.sysml.udf.lib.RowClassMeet
 
RowClassMeet.ClassLabelComparator - Class in org.apache.sysml.udf.lib
 
RowClassMeet.ClassLabels - Class in org.apache.sysml.udf.lib
 
ROWID_FILE_NAME - Static variable in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
rowIndexes() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Get raw access to underlying array of row indices For use in GPU code
rowLower - Variable in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
rowPointers() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Get raw access to underlying array of row pointers For use in GPU code
rowPtr - Variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
integer array of start of all rows and end of last row + 1
rowsKnown() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
rowUpper - Variable in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
rtplatform - Static variable in class org.apache.sysml.api.DMLScript
 
runAssignRowIDMRJob(String[], InputInfo[], int[], int[], String, int, String[]) - Static method in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
runJob(DMLConfig) - Static method in class org.apache.sysml.runtime.matrix.CleanupMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, String, int, int, byte[], String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.CMCOVMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, int, int, byte[], String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.CombineMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, String, int, int, byte[], String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
runJob(MRJobInstruction, String[], String, String, String, int, int, byte[], String, String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.DataGenMR
Starts a Rand MapReduce job which will produce one or more random objects.
runJob(MRJobInstruction, MatrixObject[], String, byte[], MatrixObject[], int, int) - Static method in class org.apache.sysml.runtime.matrix.DataPartitionMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], boolean[], ParForProgramBlock.PDataPartitionFormat[], int[], String, String, String, String, int, int, boolean, byte[], String, String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.GMR
Execute job.
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, String, int, int, byte[], String, String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.GroupedAggMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, String, String, int, int, String, OutputInfo) - Static method in class org.apache.sysml.runtime.matrix.MMCJMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, String, String, String, int, int, byte[], String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.MMRJMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], long[], String, String, String, int, int, boolean, byte[], String[], OutputInfo[]) - Static method in class org.apache.sysml.runtime.matrix.ReblockMR
 
runJob(MRJobInstruction, String, InputInfo, long, long, int, int, String, String, int, int, String, OutputInfo, boolean) - Static method in class org.apache.sysml.runtime.matrix.SortMR
 
runJob(MRJobInstruction, String[], InputInfo[], long[], long[], int[], int[], String, int, int, byte[], String[]) - Static method in class org.apache.sysml.runtime.matrix.WriteCSVMR
 
runtimeProgram - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 

S

S - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
sampleOperations(long, int, boolean, long) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
SAMPLING_RATIO - Static variable in class org.apache.sysml.runtime.compress.estim.SizeEstimatorFactory
 
sc() - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Obtain SparkContext from MLContextProxy.
Scalar - Class in org.apache.sysml.udf
Class to represent a scalar input/output.
Scalar(Scalar.ScalarValueType, String) - Constructor for class org.apache.sysml.udf.Scalar
Constructor to setup a scalar object.
Scalar.ScalarValueType - Enum in org.apache.sysml.udf
 
ScalarMatrixArithmeticGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
ScalarMatrixArithmeticGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.ScalarMatrixArithmeticGPUInstruction
 
ScalarMatrixRelationalBinaryGPUInstruction - Class in org.apache.sysml.runtime.instructions.gpu
 
ScalarMatrixRelationalBinaryGPUInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.gpu.ScalarMatrixRelationalBinaryGPUInstruction
 
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroup
Perform the specified scalar operation directly on the compressed column group, without decompressing individual cells if possible.
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupOLE
 
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupRLE
 
scalarOperation(ScalarOperator) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
scalarOperations(ScalarOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
script - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
script - Variable in class org.apache.sysml.api.mlcontext.MLResults
 
Script - Class in org.apache.sysml.api.mlcontext
A Script object encapsulates a DML or PYDML script.
Script() - Constructor for class org.apache.sysml.api.mlcontext.Script
Script constructor, which by default creates a DML script.
Script(ScriptType) - Constructor for class org.apache.sysml.api.mlcontext.Script
Script constructor, specifying the type of script (ScriptType.DML or ScriptType.PYDML).
Script(String) - Constructor for class org.apache.sysml.api.mlcontext.Script
Script constructor, specifying the script content.
Script(String, ScriptType) - Constructor for class org.apache.sysml.api.mlcontext.Script
Script constructor, specifying the script content and the type of script (DML or PYDML).
script - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
SCRIPT_TYPE - Static variable in class org.apache.sysml.api.DMLScript
Global variable indicating the script type (DML or PYDML).
ScriptExecutor - Class in org.apache.sysml.api.mlcontext
ScriptExecutor executes a DML or PYDML Script object using SystemML.
ScriptExecutor() - Constructor for class org.apache.sysml.api.mlcontext.ScriptExecutor
ScriptExecutor constructor.
ScriptExecutor(DMLConfig) - Constructor for class org.apache.sysml.api.mlcontext.ScriptExecutor
ScriptExecutor constructor, where the configuration properties are passed in.
ScriptExecutorUtils - Class in org.apache.sysml.api
 
ScriptExecutorUtils() - Constructor for class org.apache.sysml.api.ScriptExecutorUtils
 
ScriptFactory - Class in org.apache.sysml.api.mlcontext
Factory for creating DML and PYDML Script objects from strings, files, URLs, and input streams.
ScriptFactory() - Constructor for class org.apache.sysml.api.mlcontext.ScriptFactory
 
scriptType - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
ScriptType - Enum in org.apache.sysml.api.mlcontext
ScriptType represents the type of script, DML (R-like syntax) or PYDML (Python-like syntax).
searchIndexesFirstGT(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
searchIndexesFirstGTE(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
searchIndexesFirstLTE(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
second - Variable in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
seqOperations(double, double, double) - Static method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Method to generate a sequence according to the given parameters.
seqOperationsInPlace(double, double, double) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
seqOperationsInPlace(double, double, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
set(MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
set(PartialBlock) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
set(int, int, Object) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Sets the value in position (r,c), where the input is assumed to be a boxed object consistent with the schema definition.
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.IJV
 
set(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
set(K, V) - Method in class org.apache.sysml.runtime.matrix.data.Pair
 
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Set the value of a matrix cell (r,c).
set(int, SparseRow, boolean) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Set the values of row r to the given sparse row.
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
set(int, SparseRow, boolean) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
set(int, SparseRow, boolean) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
set(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
set(int, SparseRow, boolean) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
set(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Sets the value of a specified column with awareness of potential overwrites or deletes (set to value zero).
set(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
set(int, double) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
set(long, long, int, int) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
set(long, long, int, int, long) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
set(MatrixCharacteristics) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setActive(String[]) - Static method in class org.apache.sysml.api.jmlc.JMLCProxy
 
setActiveAM() - Static method in class org.apache.sysml.api.DMLScript
 
setAggregateInstructionsInReducer(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setAppropriateVarsForRead(Expression, String) - Method in class org.apache.sysml.api.mlcontext.MLContext.InternalProxy
 
setBaseDir(String) - Method in class org.apache.sysml.udf.PackageFunction
 
setBaseObject(T) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.AddDummyWeightConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToBinaryCellConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToRowBlockConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.BinaryBlockToTextCellConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToRowBlockConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.BinaryCellToTextConverter
 
setBlockSize(int, int) - Method in interface org.apache.sysml.runtime.matrix.data.Converter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.IdenticalConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.TextCellToRowBlockConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.TextToBinaryCellConverter
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCellToSortInputConverter
 
setBlockSize(int) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setBlockSize(int, int) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setCM_N_COVObject(double, double, double) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
setCM_N_COVObject(CM_COV_Object) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
setCols(long) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setColsInBlock(int) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setColsPerBlock(int) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setColumn(int, FrameBlock.Array) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
setColumnMetadata(FrameBlock.ColumnMetadata[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
setColumnMetadata(int, FrameBlock.ColumnMetadata) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
setColumnNames(String[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
setCompilerConfig() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Set SystemML compiler configuration properties for MLContext
setConfig(String) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set SystemML configuration based on a configuration file.
setConfig(String) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Set SystemML configuration properties based on a configuration file.
setConfig(DMLConfig) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set the SystemML configuration properties.
setConfigProperty(String, String) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set configuration property, such as setConfigProperty("localtmpdir", "/tmp/systemml").
setConfiguration(String) - Method in class org.apache.sysml.udf.PackageFunction
Method to set the configuration file for this function.
setData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
Generic set value for byte-length-agnostic write of encoded value.
setData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
setData(int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
setDefaultConfig() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Set default SystemML configuration properties.
setDelim(String) - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
setDenseMatrixCudaPointer(Pointer) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method to directly set the dense matrix pointer on GPU
setDescription(String) - Method in class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
setDiag() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
setDimension(long, long) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setDimsUnknownFilePrefix(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setExecutionScript(Script) - Method in class org.apache.sysml.api.mlcontext.MLContext
Sets the script that is being executed
setExecutionType(MLContext.ExecutionType) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set the execution environment.
setExecutionType(MLContext.ExecutionType) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set the execution environment.
setExplain(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not an explanation of the DML/PYDML program should be output to standard output.
setExplain(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Whether or not an explanation of the DML/PYDML program should be output to standard output.
setExplainLevel(MLContext.ExplainLevel) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set the level of program explanation that should be displayed if explain is set to true.
setExplainLevel(String) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set the level of program explanation that should be displayed if explain is set to true.
setExplainLevel(MLContext.ExplainLevel) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set the level of program explanation that should be displayed if explain is set to true.
setFileFormat(FileFormatProperties.FileFormat) - Method in class org.apache.sysml.runtime.matrix.data.FileFormatProperties
 
setFill(boolean) - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
setFillValue(double) - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
setForceGPU(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not to explicitly "force" the usage of GPU.
setForceGPU(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Whether or not to force GPU usage.
setFormatProperties(FileFormatProperties) - Method in class org.apache.sysml.runtime.instructions.spark.WriteSPInstruction
 
setFrame(String, String[][]) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, String[][], List<Expression.ValueType>) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, String[][], List<Expression.ValueType>, List<String>) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, String[][], boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, String[][], List<Expression.ValueType>, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, String[][], List<Expression.ValueType>, List<String>, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrame(String, FrameBlock, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a frame object to a registered input variable.
setFrameFormat(FrameFormat) - Method in class org.apache.sysml.api.mlcontext.FrameMetadata
Set the frame format
setFrameSchema(FrameSchema) - Method in class org.apache.sysml.api.mlcontext.FrameMetadata
Set the frame schema
setGlobalFlags() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set the global flags (for example: statistics, gpu, etc).
setGMRInstructions(String[], String, String, String, String, String[], byte[], int, int) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setGPU(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not to use (an available) GPU on the driver node.
setGPU(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Whether or not to enable GPU usage.
setHeader(boolean) - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
setIndexes(long, long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
setIndexes(MatrixIndexes) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
setIndexes(int[]) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
setIndexes(long, long) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
setIndexes(TaggedTripleIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
setIndexes(long, long, long) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
setIndexes(TripleIndexes) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
setIndexes(long, long, long) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
setIndexRange(int, int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Sets a sorted array of non-zeros values into the column range [cl,cu) in row r.
setIndexRange(int, int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
setIndexRange(int, int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
setIndexRange(int, int, int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Inserts a sorted row-major array of non-zero values into the row and column range [rl,ru) and [cl,cu).
setIndexRange(int, int, int, int, SparseBlock) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Inserts a sparse block into the row and column range [rl,ru) and [cl,cu).
setIndexRange(int, int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
setIndexRange(int, int, double[], int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
Inserts a dense vector into a column range; calling this methods helps to avoid repeated shifting of remaining values/indexes for every set value.
setInit(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Whether or not to initialize the scratch_space, bufferpool, etc.
setInitBeforeExecution(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not the default ScriptExecutor should be initialized before execution.
setInput(FunctionParameter, int) - Method in class org.apache.sysml.udf.PackageFunction
Method to set a specific input for this package function
setInputOutputLabels(String[], String[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Method to set input and output labels for a MapReduce instruction.
setInstID(long) - Method in class org.apache.sysml.runtime.instructions.Instruction
Setter for instruction unique identifier
setIv_aggInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setIv_instructionsInMapper(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setIv_otherInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setIv_randInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setIv_recordReaderInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setIv_shuffleInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setKey(K) - Method in class org.apache.sysml.runtime.matrix.data.Pair
 
setLocation(String, int, int, int, int) - Method in class org.apache.sysml.runtime.instructions.Instruction
 
setLocation(Lop) - Method in class org.apache.sysml.runtime.instructions.Instruction
 
setLocation(DataIdentifier) - Method in class org.apache.sysml.runtime.instructions.Instruction
 
setLocation(Instruction) - Method in class org.apache.sysml.runtime.instructions.Instruction
 
setMaintainSymbolTable(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Set whether or not all values should be maintained in the symbol table after execution.
setMaintainSymbolTable(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set whether or not all values should be maintained in the symbol table after execution.
setMapperInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setMatrix(String, double[][]) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a matrix object to a registered input variable.
setMatrix(String, double[][], boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a matrix object to a registered input variable.
setMatrix(String, MatrixBlock, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a matrix object to a registered input variable.
setMatrixCharacteristics(MatrixCharacteristics) - Method in class org.apache.sysml.api.mlcontext.FrameMetadata
Set the FrameMetadata fields based on a MatrixCharacteristics object.
setMatrixCharacteristics(MatrixCharacteristics) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the metadata fields based on a MatrixCharacteristics object.
setMatrixCharacteristics(MatrixCharacteristics) - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
setMatrixDoubleArray(double[][]) - Method in class org.apache.sysml.udf.Matrix
Method to set matrix as double array.
setMatrixDoubleArray(double[]) - Method in class org.apache.sysml.udf.Matrix
Method to set matrix as double array.
setMatrixDoubleArray(MatrixBlock, OutputInfo, InputInfo) - Method in class org.apache.sysml.udf.Matrix
Method to set matrix as double array.
setMatrixFormat(MatrixFormat) - Method in class org.apache.sysml.api.mlcontext.MatrixMetadata
Set the matrix format
setMatrixObject(MatrixObject) - Method in class org.apache.sysml.udf.Matrix
 
setMaxIndexInPartition(int[], double[]) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will set maximum index in the partition to all cells in partition.
setMaxValue(double) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setMemoryRequirements(double) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setMetaData(MetaData) - Method in class org.apache.sysml.runtime.matrix.data.InputInfo
 
setMinIndexInPartition(int[], double[]) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will set minimum index in the partition to all cells in partition.
setMinValue(double) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setMRJobInstructionsLineNumbers(ArrayList<Integer>) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Setter for MRJobInstructionslineNumbers field
setMvValue(String) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
setName(String) - Method in class org.apache.sysml.api.mlcontext.Script
Set the script name.
setNonZeros(long) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
setNonZeros(long) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setNumberOfReducers(int) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Method to set the number of reducers for a MapReducer instruction.
setNumColumns(Long) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the number of columns
setNumColumns(int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
setNumColumnsPerBlock(Integer) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the number of columns per block
setNumDistinct(long) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock.ColumnMetadata
 
setNumFunctionInputs(int) - Method in class org.apache.sysml.udf.PackageFunction
Method to set the number of inputs for this package function
setNumNonZeros(Long) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the number of non-zero values
setNumRows(Long) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the number of rows
setNumRows(int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
setNumRows(int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
NOTE: setNumRows() and setNumColumns() are used only in ternaryInstruction (for contingency tables) and pmm for meta corrections.
setNumRowsPerBlock(Integer) - Method in class org.apache.sysml.api.mlcontext.Metadata
Set the number of rows per block
setOtherInstructionsInReducer(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setOtherValue(double) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
setOuterProdType(SpoofOuterProduct.OutProdType) - Method in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
setOutputCharacteristicsForGroupedAgg(MatrixCharacteristics, MatrixCharacteristics, JavaPairRDD<MatrixIndexes, MatrixCell>) - Method in class org.apache.sysml.runtime.instructions.spark.ParameterizedBuiltinSPInstruction
 
setOutputs(byte[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Method to set outputs (output indices) for a MapReduce instruction.
setPartitioned(boolean[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setPformats(ParForProgramBlock.PDataPartitionFormat[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setPsizes(int[]) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setRandInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setReBlockInstructions(String[], String, String, String, String[], byte[], int, int) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setRecordReaderInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setReplication(int) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
Method to set the replication factor for outputs produced from a MapReduce instruction.
setResults(MLResults) - Method in class org.apache.sysml.api.mlcontext.Script
Set the results of the script execution.
setRows(long) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setRowsInBlock(int) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setRowsPerBlock(int) - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
setScalar(String, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar boolean to a registered input variable.
setScalar(String, boolean, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar boolean to a registered input variable.
setScalar(String, long) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar long to a registered input variable.
setScalar(String, long, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar long to a registered input variable.
setScalar(String, double) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar double to a registered input variable.
setScalar(String, double, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar double to a registered input variable.
setScalar(String, String) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar string to a registered input variable.
setScalar(String, String, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar string to a registered input variable.
setScalar(String, ScalarObject, boolean) - Method in class org.apache.sysml.api.jmlc.PreparedScript
Binds a scalar object to a registered input variable.
setSchema(List<Expression.ValueType>) - Method in class org.apache.sysml.api.mlcontext.FrameSchema
Set the frame schema
setSchema(Expression.ValueType[]) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Sets the schema of the frame block.
setSchemaAsString(String) - Method in class org.apache.sysml.api.mlcontext.FrameSchema
Set the frame schema, specifying the frame schema as a comma-separated string
setScriptExecutor(ScriptExecutor) - Method in class org.apache.sysml.api.mlcontext.Script
Set the ScriptExecutor used by this Script.
setScriptString(String) - Method in class org.apache.sysml.api.mlcontext.Script
Set the script string.
setScriptType(ScriptType) - Method in class org.apache.sysml.api.mlcontext.Script
Set the type of script (DML or PYDML).
setShuffleInstructions(String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
setSize(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
setSparse(boolean) - Method in class org.apache.sysml.runtime.matrix.data.CSVFileFormatProperties
 
setSparseMatrixCudaPointer(CSRPointer) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convenience method to directly set the sparse matrix on GPU Needed for operations like JCusparse.cusparseDcsrgemm(cusparseHandle, int, int, int, int, int, cusparseMatDescr, int, Pointer, Pointer, Pointer, cusparseMatDescr, int, Pointer, Pointer, Pointer, cusparseMatDescr, Pointer, Pointer, Pointer)
setSparsity(double) - Method in class org.apache.sysml.runtime.instructions.spark.RandSPInstruction
 
setStatistics(boolean) - Method in class org.apache.sysml.api.mlcontext.MLContext
Whether or not statistics of the DML/PYDML program execution should be output to standard output.
setStatistics(boolean) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Whether or not statistics about the DML/PYDML program should be output to standard output.
setStatisticsMaxHeavyHitters(int) - Method in class org.apache.sysml.api.mlcontext.MLContext
Sets the maximum number of heavy hitters that are printed out as part of the statistics.
setStatisticsMaxHeavyHitters(int) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Set the maximum number of heavy hitters to display with statistics.
setTag(byte) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
setTag(byte) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
setType(Instruction.INSTRUCTION_TYPE) - Method in class org.apache.sysml.runtime.instructions.Instruction
 
setup(Script) - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Sets the script in the ScriptExecutor, checks that the script has a type and string, sets the ScriptExecutor in the script, sets the script string in the Spark Monitor, globally sets the script type, sets global flags, and resets statistics if needed.
setupJob(JobContext) - Method in class org.apache.sysml.runtime.matrix.data.MultipleOutputCommitter
 
setupSeedsForRand(long) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
A matrix of random numbers is generated by using multiple seeds, one for each block.
setupThreadLocalMemory(int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
setupThreadLocalMemory(int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
setupThreadLocalMemory(int) - Static method in class org.apache.sysml.runtime.compress.ColGroupValue
 
setupValuePRNG() - Method in class org.apache.sysml.runtime.matrix.data.RandomMatrixGenerator
 
setUUID(String) - Static method in class org.apache.sysml.api.DMLScript
Used to set master UUID on all nodes (in parfor remote_mr, where DMLScript passed) in order to simplify cleanup of scratch_space and local working dirs.
setValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
setValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
setValue(double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
setValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
setValue(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
setValue(V) - Method in class org.apache.sysml.runtime.matrix.data.Pair
 
setValueDenseUnsafe(int, int, double) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
This can be only called when you know you have properly allocated spaces for a dense representation and r and c are in the the range of the dimension Note: this function won't keep track of the nozeros
setValues(double[]) - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
setWeight(double) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
SGDNesterovUpdate - Class in org.apache.sysml.udf.lib
Use this class to perform an SGD update with Nesterov momentum in CP.
SGDNesterovUpdate() - Constructor for class org.apache.sysml.udf.lib.SGDNesterovUpdate
 
SHALLOW_COPY_REORG - Static variable in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
sharedMemBytes - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
shiftColIndices(int) - Method in class org.apache.sysml.runtime.compress.ColGroup
 
ShiftColumnIndex(long, boolean) - Constructor for class org.apache.sysml.runtime.instructions.spark.AppendGAlignedSPInstruction.ShiftColumnIndex
 
shiftLeft(int[], double[]) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will shift indices from one partition to next in left direction.
ShiftMatrix(MatrixCharacteristics, MatrixCharacteristics, boolean) - Constructor for class org.apache.sysml.runtime.instructions.spark.AppendGSPInstruction.ShiftMatrix
 
shiftRight(int[], double[]) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixOuterAgg
This function will shift indices from one partition to next in right direction.
showExplanation() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Output a description of the program to standard output.
SideInput(double[], MatrixBlock, int) - Constructor for class org.apache.sysml.runtime.codegen.SpoofOperator.SideInput
 
SideInputSparse(SpoofOperator.SideInput) - Constructor for class org.apache.sysml.runtime.codegen.SpoofOperator.SideInputSparse
 
sign(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "sign" operation on a matrix on the GPU
sin(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "sin" operation on a matrix on the GPU
size() - Method in class org.apache.sysml.api.jmlc.ResultVariables
Obtain the number of output data held by this ResultVariables object.
size - Variable in class org.apache.sysml.runtime.compress.cocode.PlanningCoCoder.GroupableColInfo
 
size - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
size() - Method in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap
 
size() - Method in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap
 
size() - Method in class org.apache.sysml.runtime.compress.utils.IntArrayList
 
size() - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the number of non-zero values in the sparse block.
size(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the number of non-zero values in row r.
size(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the number of non-zeros values in the row range of [rl, ru).
size(int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the number of non-zeros values in the row and column range of [rl/cl, ru/cu);
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
size(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
size(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
size(int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
size(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
size(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
size(int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
size(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
size(int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
size(int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Get the number of non-zero values of the sparse row.
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
size() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
SizeEstimationFactors(int, int, int, int, int) - Constructor for class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator.SizeEstimationFactors
 
SizeEstimatorFactory - Class in org.apache.sysml.runtime.compress.estim
 
SizeEstimatorFactory() - Constructor for class org.apache.sysml.runtime.compress.estim.SizeEstimatorFactory
 
sliceOperations(int, int, int, int, CacheBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
sliceOperations(ArrayList<IndexedMatrixValue>, IndexRange, int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
sliceOperations(ArrayList<IndexedMatrixValue>, IndexRange, int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
sliceOperations(IndexRange, FrameBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
sliceOperations(int, int, int, int, CacheBlock) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
Right indexing operations to slice a subframe out of this frame block.
sliceOperations(ArrayList<Pair<Long, FrameBlock>>, IndexRange, int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
sliceOperations(ExecutionContext, GPUContext, String, MatrixObject, IndexRange, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Method to perform rangeReIndex operation for a given lower and upper bounds in row and column dimensions.
sliceOperations(IndexRange, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sliceOperations(int, int, int, int, CacheBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Method to perform rangeReIndex operation for a given lower and upper bounds in row and column dimensions.
sliceOperations(ArrayList<IndexedMatrixValue>, IndexRange, int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sliceOperations(ArrayList<IndexedMatrixValue>, IndexRange, int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
sliceOperations(ArrayList<IndexedMatrixValue>, IndexRange, int, int, int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
SMALLEST_FILE_NAME_PER_INPUT - Static variable in class org.apache.sysml.runtime.matrix.CSVReblockMR
 
solve(ExecutionContext, GPUContext, String, MatrixObject, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Implements the "solve" function for systemml Ax = B (A is of size m*n, B is of size m*1, x is of size n*1)
sort(MatrixBlock, MatrixBlock, int, boolean, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Sort all non-zero value/index pairs of the sparse block by row and column index.
sort(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Sort all non-zero value/index pairs of row r column index.
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
sort(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
sort(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
sort(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
In-place sort of column-index value pairs in order to allow binary search after constant-time append was used for reading unordered sparse rows.
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
sort() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
SORT_DECREASING - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
SORT_INDEXES_OFFSETS - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
SORT_INSTRUCTION - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
SORT_VALUES_BY_LENGTH - Static variable in class org.apache.sysml.runtime.compress.ColGroupValue
 
sortByVal(JavaPairRDD<MatrixIndexes, MatrixBlock>, long, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
 
sortByVal(JavaPairRDD<MatrixIndexes, MatrixBlock>, JavaPairRDD<MatrixIndexes, MatrixBlock>, long, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
 
sortDataByVal(JavaPairRDD<MatrixIndexes, MatrixBlock>, JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean, long, long, int, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
 
sortDataByValMemSort(JavaPairRDD<MatrixIndexes, MatrixBlock>, JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean, long, long, int, int, SparkExecutionContext, ReorgOperator) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
This function collects and sorts value column in memory and then broadcasts it.
sortIndexesByVal(JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean, long, int) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDSortUtils
 
SortMR - Class in org.apache.sysml.runtime.matrix
TODO fix issues sortindex mappers
sortOperations(MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
sortOperations(MatrixValue, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sortSparseRows() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Sorts all existing sparse rows by column indexes.
sortSparseRows(int, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Sorts all existing sparse rows in range [rl,ru) by column indexes.
sortValuesByFrequency() - Method in class org.apache.sysml.runtime.compress.UncompressedBitmap
 
SP_INST_PREFIX - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
spark() - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Obtain SparkSession from MLContextProxy.
sparkExecutionContext - Variable in class org.apache.sysml.api.mlcontext.MLResults
 
SparkUtils - Class in org.apache.sysml.runtime.instructions.spark.utils
 
SparkUtils() - Constructor for class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
sparse - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sparse - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock.SparsityEstimate
 
sparseBlock - Variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
SparseBlock - Class in org.apache.sysml.runtime.matrix.data
This SparseBlock is an abstraction for different sparse matrix formats.
SparseBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlock
 
SparseBlock.Type - Enum in org.apache.sysml.runtime.matrix.data
 
SparseBlockCOO - Class in org.apache.sysml.runtime.matrix.data
SparseBlock implementation that realizes a traditional 'coordinate matrix' representation, where the entire sparse block is stored as triples in three arrays: row indexes, column indexes, and values, where row indexes and colunm indexes are sorted in order to allow binary search.
SparseBlockCOO(int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
SparseBlockCOO(int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
SparseBlockCOO(SparseBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Copy constructor sparse block abstraction.
SparseBlockCOO(SparseRow[], int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Copy constructor old sparse row representation.
SparseBlockCSR - Class in org.apache.sysml.runtime.matrix.data
SparseBlock implementation that realizes a traditional 'compressed sparse row' representation, where the entire sparse block is stored as three arrays: ptr of length rlen+1 to store offsets per row, and indexes/values of length nnz to store column indexes and values of non-zero entries.
SparseBlockCSR(int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
SparseBlockCSR(int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
SparseBlockCSR(int[], int[], double[], int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
SparseBlockCSR(SparseBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Copy constructor sparse block abstraction.
SparseBlockCSR(SparseRow[], int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Copy constructor old sparse row representation.
SparseBlockCSR(int, int[], int[], double[]) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Copy constructor for COO representation
SparseBlockFactory - Class in org.apache.sysml.runtime.matrix.data
 
SparseBlockFactory() - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockFactory
 
SparseBlockMCSR - Class in org.apache.sysml.runtime.matrix.data
SparseBlock implementation that realizes a 'modified compressed sparse row' representation, where each compressed row is stored as a separate SparseRow object which provides flexibility for unsorted row appends without the need for global reshifting of values/indexes but it incurs additional memory overhead per row for object/array headers per row which also slows down memory-bound operations due to higher memory bandwidth requirements.
SparseBlockMCSR(SparseBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
Copy constructor sparse block abstraction.
SparseBlockMCSR(SparseRow[], boolean) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
Copy constructor old sparse row representation.
SparseBlockMCSR(int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
SparseMaxPooling(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.SparseMaxPooling
 
SparseNativeConv2d(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.SparseNativeConv2d
 
SparseNativeConv2dBackwardDataDense(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.SparseNativeConv2dBackwardDataDense
 
SparseNativeConv2dBackwardFilterDense(int, int, ConvolutionParameters) - Constructor for class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.SparseNativeConv2dBackwardFilterDense
 
SparseRow - Class in org.apache.sysml.runtime.matrix.data
Base class for sparse row implementations such as sparse row vectors and sparse scalars (single value per row).
SparseRow() - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRow
 
SparseRowScalar - Class in org.apache.sysml.runtime.matrix.data
 
SparseRowScalar() - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
SparseRowScalar(int, double) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
SparseRowVector - Class in org.apache.sysml.runtime.matrix.data
 
SparseRowVector() - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
SparseRowVector(int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
SparseRowVector(int, int) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
SparseRowVector(SparseRow) - Constructor for class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
sparseScalarOperationsInPlace(ScalarOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
sparseScalarOperationsInPlace(ScalarOperator) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
sparseToColumnMajorDense() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
More efficient method to convert sparse to dense but returns dense in column major format
sparseToDense() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convert sparse to dense (Performs transpose, use sparseToColumnMajorDense if the kernel can deal with column major format)
sparseToDense(String) - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Convert sparse to dense (Performs transpose, use sparseToColumnMajorDense if the kernel can deal with column major format) Also records per instruction invokation of sparseToDense.
sparseToDense() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sparseToDense(String) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
sparseUnaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
sparseUnaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
SPARSITY_TURN_POINT - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
SparsityEstimate(boolean, long) - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock.SparsityEstimate
 
SparsityEstimate() - Constructor for class org.apache.sysml.runtime.matrix.data.MatrixBlock.SparsityEstimate
 
SPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
SPInstruction(String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
SPInstruction(Operator, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
SPInstruction.SPINSTRUCTION_TYPE - Enum in org.apache.sysml.runtime.instructions.spark
 
SPInstructionParser - Class in org.apache.sysml.runtime.instructions
 
SPInstructionParser() - Constructor for class org.apache.sysml.runtime.instructions.SPInstructionParser
 
SpoofCellwise - Class in org.apache.sysml.runtime.codegen
 
SpoofCellwise(SpoofCellwise.CellType, boolean, SpoofCellwise.AggOp) - Constructor for class org.apache.sysml.runtime.codegen.SpoofCellwise
 
SpoofCellwise.AggOp - Enum in org.apache.sysml.runtime.codegen
 
SpoofCellwise.CellType - Enum in org.apache.sysml.runtime.codegen
 
SpoofMultiAggregate - Class in org.apache.sysml.runtime.codegen
 
SpoofMultiAggregate(boolean, SpoofCellwise.AggOp...) - Constructor for class org.apache.sysml.runtime.codegen.SpoofMultiAggregate
 
SpoofOperator - Class in org.apache.sysml.runtime.codegen
 
SpoofOperator() - Constructor for class org.apache.sysml.runtime.codegen.SpoofOperator
 
SpoofOperator.SideInput - Class in org.apache.sysml.runtime.codegen
 
SpoofOperator.SideInputSparse - Class in org.apache.sysml.runtime.codegen
 
SpoofOuterProduct - Class in org.apache.sysml.runtime.codegen
 
SpoofOuterProduct(SpoofOuterProduct.OutProdType) - Constructor for class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
SpoofOuterProduct.OutProdType - Enum in org.apache.sysml.runtime.codegen
 
SpoofRowwise - Class in org.apache.sysml.runtime.codegen
 
SpoofRowwise(SpoofRowwise.RowType, boolean, boolean, int) - Constructor for class org.apache.sysml.runtime.codegen.SpoofRowwise
 
SpoofRowwise.RowType - Enum in org.apache.sysml.runtime.codegen
 
SpoofSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
SpoofSPInstruction.ReplicateRightFactorFunction - Class in org.apache.sysml.runtime.instructions.spark
 
sqrt(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "sqrt" operation on a matrix on the GPU
start_indexes_h - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
start_indexes_w - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
startAggregation(MatrixValue, MatrixValue, AggregateOperator, int, int, boolean, boolean) - Static method in class org.apache.sysml.runtime.matrix.data.OperationsOnMatrixValues
 
STATISTICS - Static variable in class org.apache.sysml.api.DMLScript
 
statistics - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
STATISTICS_COUNT - Static variable in class org.apache.sysml.api.DMLScript
 
STATISTICS_MAX_WRAP_LEN - Static variable in class org.apache.sysml.api.DMLScript
 
statisticsMaxHeavyHitters - Variable in class org.apache.sysml.api.mlcontext.ScriptExecutor
 
stats - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
statsCount - Variable in class org.apache.sysml.api.DMLScript.DMLOptions
 
stream - Variable in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
stride_h - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
stride_w - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
String2CPFileInstructionType - Static variable in class org.apache.sysml.runtime.instructions.CPInstructionParser
 
String2CPInstructionType - Static variable in class org.apache.sysml.runtime.instructions.CPInstructionParser
 
String2MRInstructionType - Static variable in class org.apache.sysml.runtime.instructions.MRInstructionParser
 
String2SPInstructionType - Static variable in class org.apache.sysml.runtime.instructions.SPInstructionParser
 
stringDataFrameToVectorDataFrame(SparkSession, Dataset<Row>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt
Convert a dataframe of comma-separated string rows to a dataframe of ml.linalg.Vector rows.
stringExternalToInputInfo(String) - Static method in class org.apache.sysml.runtime.matrix.data.InputInfo
 
stringToInputInfo(String) - Static method in class org.apache.sysml.runtime.matrix.data.InputInfo
 
stringToOutputInfo(String) - Static method in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
stringToSerializableText(JavaPairRDD<Long, String>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
successful - Variable in class org.apache.sysml.runtime.matrix.JobReturn
 
sum() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Wrapper method for reduceall-sum of a matrix.
sumAllValues(double[], double[]) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
sumAllValues(KahanFunction, KahanObject) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
sumAllValues(KahanFunction, KahanObject, boolean) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
sumByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumByKeyStable(JavaPairRDD<MatrixIndexes, MatrixBlock>, int, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumCellsByKeyStable(JavaPairRDD<MatrixIndexes, Double>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumSq() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Wrapper method for reduceall-sumSq of a matrix.
sumStable(JavaPairRDD<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumStable(JavaRDD<MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDAggregateUtils
 
sumValues(int) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
sumValues(int, KahanFunction) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
sumValues(int, KahanFunction, KahanObject) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
sumValues(int, double[]) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
suppressPrint2Stdout() - Static method in class org.apache.sysml.api.DMLScript
 
symbolTable - Variable in class org.apache.sysml.api.mlcontext.MLResults
 

T

tag - Variable in class org.apache.sysml.runtime.matrix.data.Tagged
 
tag - Variable in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
Tagged<T extends org.apache.hadoop.io.WritableComparable> - Class in org.apache.sysml.runtime.matrix.data
 
Tagged(T, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.Tagged
 
Tagged() - Constructor for class org.apache.sysml.runtime.matrix.data.Tagged
 
TaggedAdaptivePartialBlock - Class in org.apache.sysml.runtime.matrix.data
 
TaggedAdaptivePartialBlock(AdaptivePartialBlock, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedAdaptivePartialBlock
 
TaggedAdaptivePartialBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedAdaptivePartialBlock
 
TaggedFirstSecondIndexes - Class in org.apache.sysml.runtime.matrix.data
 
TaggedFirstSecondIndexes() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
TaggedFirstSecondIndexes(long, byte, long) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
TaggedFirstSecondIndexes(TaggedFirstSecondIndexes) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
TaggedFirstSecondIndexes.Comparator - Class in org.apache.sysml.runtime.matrix.data
A Comparator optimized for TaggedFirstSecondIndexes.
TaggedFirstSecondIndexes.FirstIndexPartitioner - Class in org.apache.sysml.runtime.matrix.data
Partition based on the first index.
TaggedFirstSecondIndexes.FirstIndexRangePartitioner - Class in org.apache.sysml.runtime.matrix.data
Partition based on the first index.
TaggedFirstSecondIndexes.TagPartitioner - Class in org.apache.sysml.runtime.matrix.data
Partition based on the first index.
TaggedMatrixBlock - Class in org.apache.sysml.runtime.matrix.data
 
TaggedMatrixBlock(MatrixBlock, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixBlock
 
TaggedMatrixBlock() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixBlock
 
TaggedMatrixBlock(TaggedMatrixBlock) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixBlock
 
TaggedMatrixCell - Class in org.apache.sysml.runtime.matrix.data
 
TaggedMatrixCell(MatrixCell, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixCell
 
TaggedMatrixCell() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixCell
 
TaggedMatrixCell(TaggedMatrixCell) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixCell
 
TaggedMatrixIndexes - Class in org.apache.sysml.runtime.matrix.data
 
TaggedMatrixIndexes() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
TaggedMatrixIndexes(MatrixIndexes, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
TaggedMatrixIndexes(TaggedMatrixIndexes) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
TaggedMatrixPackedCell - Class in org.apache.sysml.runtime.matrix.data
 
TaggedMatrixPackedCell(MatrixPackedCell, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixPackedCell
 
TaggedMatrixPackedCell() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixPackedCell
 
TaggedMatrixPackedCell(TaggedMatrixPackedCell) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixPackedCell
 
TaggedMatrixValue - Class in org.apache.sysml.runtime.matrix.data
 
TaggedMatrixValue(MatrixValue, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixValue
 
TaggedMatrixValue() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedMatrixValue
 
TaggedTripleIndexes - Class in org.apache.sysml.runtime.matrix.data
 
TaggedTripleIndexes() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
TaggedTripleIndexes(long, long, long, byte) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
TaggedTripleIndexes(TaggedTripleIndexes) - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
TagPartitioner() - Constructor for class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes.TagPartitioner
 
tan(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Performs an "tan" operation on a matrix on the GPU
ternaryOperations(Operator, double, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, double, double, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixIndexes, double, boolean, int, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixValue, double, boolean, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixValue, double, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
ternaryOperations(Operator, MatrixValue, double, boolean, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
ternaryOperations(Operator, double, double, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
ternaryOperations(Operator, MatrixIndexes, double, boolean, int, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
ternaryOperations(Operator, double, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
ternaryOperations(Operator, double, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
D = ctable(A,v2,W) this <- A; scalarThat <- v2; that2 <- W; result <- D (i1,j1,v1) from input1 (this) (v2) from sclar_input2 (scalarThat) (i3,j3,w) from input3 (that2)
ternaryOperations(Operator, double, double, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
D = ctable(A,v2,w) this <- A; scalar_that <- v2; scalar_that2 <- w; result <- D (i1,j1,v1) from input1 (this) (v2) from sclar_input2 (scalarThat) (w) from scalar_input3 (scalarThat2)
ternaryOperations(Operator, MatrixIndexes, double, boolean, int, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Specific ctable case of ctable(seq(...),X), where X is the only matrix input.
ternaryOperations(Operator, MatrixValue, double, boolean, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
D = ctable(A,B,w) this <- A; that <- B; scalar_that2 <- w; result <- D (i1,j1,v1) from input1 (this) (i1,j1,v2) from input2 (that) (w) from scalar_input3 (scalarThat2) NOTE: This method supports both vectors and matrices.
ternaryOperations(Operator, MatrixValue, double, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
D = ctable(seq,A,w) this <- seq; thatMatrix <- A; thatScalar <- w; result <- D (i1,j1,v1) from input1 (this) (i1,j1,v2) from input2 (that) (w) from scalar_input3 (scalarThat2)
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
D = ctable(A,B,W) this <- A; that <- B; that2 <- W; result <- D (i1,j1,v1) from input1 (this) (i1,j1,v2) from input2 (that) (i1,j1,w) from input3 (that2)
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
ternaryOperations(Operator, MatrixValue, double, boolean, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
ternaryOperations(Operator, double, double, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
ternaryOperations(Operator, MatrixIndexes, double, boolean, int, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
ternaryOperations(Operator, double, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
ternaryOperations(Operator, MatrixValue, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ternaryOperations(Operator, MatrixValue, double, boolean, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ternaryOperations(Operator, double, double, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ternaryOperations(Operator, MatrixIndexes, double, boolean, int, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ternaryOperations(Operator, double, MatrixValue, CTableMap, MatrixBlock) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
TernarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
TextCellInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
TextCellOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
textCellToBinaryBlock(JavaSparkContext, JavaPairRDD<LongWritable, Text>, MatrixCharacteristics, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
textCellToBinaryBlock(JavaSparkContext, JavaPairRDD<LongWritable, Text>, MatrixCharacteristics, boolean) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtils
 
textCellToBinaryBlockLongIndex(JavaSparkContext, JavaPairRDD<Long, Text>, MatrixCharacteristics, Expression.ValueType[]) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.FrameRDDConverterUtils
 
TextCellToRowBlockConverter - Class in org.apache.sysml.runtime.matrix.data
 
TextCellToRowBlockConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.TextCellToRowBlockConverter
 
TextToBinaryCellConverter - Class in org.apache.sysml.runtime.matrix.data
 
TextToBinaryCellConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.TextToBinaryCellConverter
 
timePhase1 - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
timePhase2 - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
timePhase3 - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
timePhase4 - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock.CompressionStatistics
 
TimeWrapper - Class in org.apache.sysml.udf.lib
Wrapper class for time invocation time = externalFunction(Integer i) return (Double B) implemented in (classname="org.apache.sysml.udf.lib.TimeWrapper",exectype="mem"); t = time (1); print( "Time in millsecs= " + t);
TimeWrapper() - Constructor for class org.apache.sysml.udf.lib.TimeWrapper
 
to2DDoubleArray() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a two-dimensional double array
to2DStringArray() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a two-dimensional String array
toBinaryBlocks() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a JavaPairRDD<Long, FrameBlock>
toBinaryBlocks() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a JavaPairRDD<MatrixIndexes, MatrixBlock>
toColumnMajorDenseMatrix(cusparseHandle, cublasHandle, int, int) - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
Copies this CSR matrix on the GPU to a dense column-major matrix on the GPU.
toDF() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a DataFrame
toDF() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a DataFrame of doubles with an ID column
toDFDoubleNoIDColumn() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a DataFrame of doubles with no ID column
toDFDoubleWithIDColumn() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a DataFrame of doubles with an ID column
toDFVectorNoIDColumn() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a DataFrame of vectors with no ID column
toDFVectorWithIDColumn() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a DataFrame of vectors with an ID column
toFrameObject() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a SystemML FrameObject.
toIndexedFrameBlock(Tuple2<Long, FrameBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
toIndexedLong(List<Tuple2<Long, Long>>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
toIndexedMatrixBlock(Tuple2<MatrixIndexes, MatrixBlock>) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
toIndexedMatrixBlock(MatrixIndexes, MatrixBlock) - Static method in class org.apache.sysml.runtime.instructions.spark.utils.SparkUtils
 
toIntExact(long) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
 
toIntExact(long) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
toJavaRDDStringCSV() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a JavaRDD<String> in CSV format
toJavaRDDStringCSV() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a JavaRDD<String> in CSV format
toJavaRDDStringIJV() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a JavaRDD<String> in IJV format
toJavaRDDStringIJV() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a JavaRDD<String> in IJV format
toMatrixBlock() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a MatrixBlock
toMatrixBlock(int, int) - Method in class org.apache.sysml.runtime.matrix.data.CTableMap
 
toMatrixObject() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a SystemML MatrixObject.
toRDDStringCSV() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a RDD<String> in CSV format
toRDDStringCSV() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a RDD<String> in CSV format
toRDDStringIJV() - Method in class org.apache.sysml.api.mlcontext.Frame
Obtain the frame as a RDD<String> in IJV format
toRDDStringIJV() - Method in class org.apache.sysml.api.mlcontext.Matrix
Obtain the matrix as a RDD<String> in IJV format
toString() - Method in class org.apache.sysml.api.DMLScript.DMLOptions
 
toString() - Method in class org.apache.sysml.api.mlcontext.Frame
 
toString() - Method in class org.apache.sysml.api.mlcontext.Matrix
If MatrixObject is available, output MatrixObject.toString().
toString() - Method in class org.apache.sysml.api.mlcontext.Metadata
 
toString() - Method in exception org.apache.sysml.api.mlcontext.MLContextException
 
toString() - Method in class org.apache.sysml.api.mlcontext.MLResults
 
toString() - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
 
toString() - Method in class org.apache.sysml.api.mlcontext.Script
 
toString() - Method in class org.apache.sysml.runtime.compress.cocode.PlanningCoCodingGroup
 
toString() - Method in class org.apache.sysml.runtime.compress.utils.DblArray
 
toString() - Method in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
 
toString() - Method in class org.apache.sysml.runtime.instructions.gpu.context.ExecutionConfig
 
toString() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUContext
 
toString() - Method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
 
toString() - Method in class org.apache.sysml.runtime.instructions.Instruction
 
toString() - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
toString() - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.AssignRowIDMRReturn
 
toString() - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.IJV
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue.CellIndex
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
toString() - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
toString() - Method in class org.apache.sysml.runtime.matrix.MatrixCharacteristics
 
toString() - Method in class org.apache.sysml.runtime.matrix.MatrixDimensionsMetaData
 
toString() - Method in class org.apache.sysml.runtime.matrix.MetaData
 
toString() - Method in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
TransformEncodeBuild2Function(EncoderMVImpute) - Constructor for class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuild2Function
 
TransformEncodeBuildFunction(Encoder) - Constructor for class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeBuildFunction
 
TransformEncodeGroup2Function(EncoderMVImpute) - Constructor for class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroup2Function
 
TransformEncodeGroupFunction(MultiReturnParameterizedBuiltinSPInstruction.MaxLongAccumulator) - Constructor for class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction.TransformEncodeGroupFunction
 
transpose(GPUContext, Pointer, int, int, int, int) - Static method in class org.apache.sysml.runtime.instructions.gpu.context.GPUObject
Transposes a dense matrix on the GPU by calling the cublasDgeam operation
transpose(ExecutionContext, GPUContext, String, MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Transposes the input matrix using cublasDgeam
transpose(MatrixBlock, MatrixBlock) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
transpose(MatrixBlock, MatrixBlock, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixReorg
 
TRANSPOSE_INPUT - Static variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
transposeSelfMatrixMultOperations(MatrixBlock, MMTSJ.MMTSJType) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
transposeSelfMatrixMultOperations(MatrixBlock, MMTSJ.MMTSJType, int) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
transposeSelfMatrixMultOperations(MatrixBlock, MMTSJ.MMTSJType) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
transposeSelfMatrixMultOperations(MatrixBlock, MMTSJ.MMTSJType, int) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
TripleIndexes - Class in org.apache.sysml.runtime.matrix.data
 
TripleIndexes() - Constructor for class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
TripleIndexes(long, long, long) - Constructor for class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
TripleIndexes(TripleIndexes) - Constructor for class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
TripleIndexes.Comparator - Class in org.apache.sysml.runtime.matrix.data
 
TripleIndexes.FirstTwoIndexesPartitioner - Class in org.apache.sysml.runtime.matrix.data
Partition based on the first and second index.
Tsmm2SPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
TsmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
type - Variable in class org.apache.sysml.runtime.instructions.Instruction
 

U

uaggouterchainOperations(MatrixBlock, MatrixBlock, MatrixBlock, BinaryOperator, AggregateUnaryOperator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
uaggouterchainOperations(MatrixBlock, MatrixBlock, MatrixBlock, BinaryOperator, AggregateUnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
UaggOuterChainSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
Two types of broadcast variables used -- 1.
ULTRA_SPARSITY_TURN_POINT - Static variable in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
unaryAggregate(ExecutionContext, GPUContext, String, MatrixObject, String, AggregateUnaryOperator) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixCUDA
Entry point to perform Unary aggregate operations on the GPU.
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroup
 
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC
 
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
unaryAggregateOperations(AggregateUnaryOperator, MatrixBlock, int, int) - Method in class org.apache.sysml.runtime.compress.ColGroupValue
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
unaryOperations(MatrixObject, String) - Static method in class org.apache.sysml.runtime.matrix.data.LibCommonsMath
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
unaryOperations(UnaryOperator, MatrixValue) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
unaryOperationsInPlace(UnaryOperator) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
UnarySPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 
UnarySPInstruction(Operator, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.UnarySPInstruction
 
UnarySPInstruction(Operator, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.UnarySPInstruction
 
UnarySPInstruction(Operator, CPOperand, CPOperand, CPOperand, CPOperand, String, String) - Constructor for class org.apache.sysml.runtime.instructions.spark.UnarySPInstruction
 
UncompressedBitmap - Class in org.apache.sysml.runtime.compress
Uncompressed representation of one or more columns in bitmap format.
UncompressedBitmap(DblArrayIntListHashMap, int) - Constructor for class org.apache.sysml.runtime.compress.UncompressedBitmap
 
UncompressedBitmap(DoubleIntListHashMap) - Constructor for class org.apache.sysml.runtime.compress.UncompressedBitmap
 
UnPaddedOutputFormat<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.sysml.runtime.matrix.data
 
UnPaddedOutputFormat() - Constructor for class org.apache.sysml.runtime.matrix.data.UnPaddedOutputFormat
 
UnPaddedOutputFormat.UnpaddedRecordWriter<K extends org.apache.hadoop.io.Writable,V extends org.apache.hadoop.io.Writable> - Class in org.apache.sysml.runtime.matrix.data
 
UnpaddedRecordWriter(FSDataOutputStream) - Constructor for class org.apache.sysml.runtime.matrix.data.UnPaddedOutputFormat.UnpaddedRecordWriter
 
updateBinaryAppendOutputMatrixCharacteristics(SparkExecutionContext, boolean) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
updateBinaryMMOutputMatrixCharacteristics(SparkExecutionContext, boolean) - Method in class org.apache.sysml.runtime.instructions.spark.BinarySPInstruction
 
updateBinaryOutputMatrixCharacteristics(SparkExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
updateInstructionThreadID(String, String) - Method in class org.apache.sysml.runtime.instructions.Instruction
All instructions that have thread-specific filenames or names encoded in it should overwrite this method in order to update (1) the in-memory instruction and (2) the instruction string
updateInstructionThreadID(String, String) - Method in class org.apache.sysml.runtime.instructions.MRJobInstruction
 
updateSeqIncr(double, double, double) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixDatagen
 
updateUnaryAggOutputMatrixCharacteristics(SparkExecutionContext, IndexFunction) - Method in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
updateUnaryAggOutputMatrixCharacteristics(SparkExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.UaggOuterChainSPInstruction
 
updateUnaryOutputMatrixCharacteristics(SparkExecutionContext) - Method in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
updateUnaryOutputMatrixCharacteristics(SparkExecutionContext, String, String) - Method in class org.apache.sysml.runtime.instructions.spark.ComputationSPInstruction
 
urlToMatrixObject(String, URL, MatrixMetadata) - Static method in class org.apache.sysml.api.mlcontext.MLContextConversionUtil
Convert a matrix at a URL to a MatrixObject.
USE_ACCELERATOR - Static variable in class org.apache.sysml.api.DMLScript
 
USE_LOCAL_SPARK_CONFIG - Static variable in class org.apache.sysml.api.DMLScript
 

V

val - Variable in class org.apache.sysml.runtime.instructions.gpu.context.CSRPointer
double array of non zero values
validateScript() - Method in class org.apache.sysml.api.mlcontext.ScriptExecutor
Semantically validate the program's expressions, statements, and statement blocks in a single recursive pass over the program.
VALIDATOR_IGNORE_ISSUES - Static variable in class org.apache.sysml.api.DMLScript
If true, allow DMLProgram to be generated while not halting due to validation errors/warnings
value - Variable in class org.apache.sysml.runtime.compress.utils.DblArrayIntListHashMap.DArrayIListEntry
 
value - Variable in class org.apache.sysml.runtime.compress.utils.DoubleIntListHashMap.DIListEntry
 
value - Variable in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
VALUE_IS_WEIGHT - Static variable in class org.apache.sysml.runtime.matrix.SortMR
 
valueOf(String) - Static method in enum org.apache.sysml.api.DMLScript.RUNTIME_PLATFORM
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.api.mlcontext.FrameFormat
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.api.mlcontext.MatrixFormat
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.api.mlcontext.MLContext.ExecutionType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.api.mlcontext.MLContext.ExplainLevel
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.api.mlcontext.ScriptType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.codegen.SpoofCellwise.AggOp
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.codegen.SpoofCellwise.CellType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.codegen.SpoofOuterProduct.OutProdType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.codegen.SpoofRowwise.RowType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.compress.cocode.PlanningCoCoder.PartitionerType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.compress.ColGroup.CompressionType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.instructions.gpu.context.GPUContext.EvictionPolicy
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.instructions.gpu.GPUInstruction.GPUINSTRUCTION_TYPE
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.instructions.Instruction.INSTRUCTION_TYPE
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.instructions.spark.SPInstruction.SPINSTRUCTION_TYPE
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt.RDDConverterTypes
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.matrix.data.FileFormatProperties.FileFormat
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.matrix.data.LibMatrixBincell.BinaryAccessType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.matrix.data.MatrixBlock.BlockType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.runtime.matrix.data.SparseBlock.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.udf.FunctionParameter.FunctionParameterType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.udf.Matrix.ValueType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.sysml.udf.Scalar.ScalarValueType
Returns the enum constant of this type with the specified name.
values() - Static method in enum org.apache.sysml.api.DMLScript.RUNTIME_PLATFORM
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.api.mlcontext.FrameFormat
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.api.mlcontext.MatrixFormat
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.api.mlcontext.MLContext.ExecutionType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.api.mlcontext.MLContext.ExplainLevel
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.api.mlcontext.ScriptType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.codegen.SpoofCellwise.AggOp
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.codegen.SpoofCellwise.CellType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.codegen.SpoofOuterProduct.OutProdType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.codegen.SpoofRowwise.RowType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.compress.cocode.PlanningCoCoder.PartitionerType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.compress.ColGroup.CompressionType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.instructions.gpu.context.GPUContext.EvictionPolicy
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.instructions.gpu.GPUInstruction.GPUINSTRUCTION_TYPE
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.instructions.Instruction.INSTRUCTION_TYPE
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.instructions.spark.SPInstruction.SPINSTRUCTION_TYPE
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.instructions.spark.utils.RDDConverterUtilsExt.RDDConverterTypes
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.matrix.data.FileFormatProperties.FileFormat
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.matrix.data.LibMatrixBincell.BinaryAccessType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.matrix.data.MatrixBlock.BlockType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.runtime.matrix.data.SparseBlock.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlock
Get the array of all non-zero entries in row r, sorted by their column indexes.
values(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
 
values() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCOO
Get raw access to underlying array of values For use in GPU code
values(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
 
values() - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockCSR
Get raw access to underlying array of values For use in GPU code
values(int) - Method in class org.apache.sysml.runtime.matrix.data.SparseBlockMCSR
 
values() - Method in class org.apache.sysml.runtime.matrix.data.SparseRow
Get the value array of non-zero entries, co-aligned with the array of indexes.
values() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowScalar
 
values() - Method in class org.apache.sysml.runtime.matrix.data.SparseRowVector
 
values() - Static method in enum org.apache.sysml.udf.FunctionParameter.FunctionParameterType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.udf.Matrix.ValueType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.sysml.udf.Scalar.ScalarValueType
Returns an array containing the constants of this enum type, in the order they are declared.
VALUETYPE_PREFIX - Static variable in class org.apache.sysml.runtime.instructions.Instruction
 
vectAbsAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectAbsAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectAbsWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectAbsWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectAdd(double, double[], char[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectAdd(double, double[], int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectCeilAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCeilAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCeilWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCeilWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCummaxAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCummaxAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCummaxWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCummaxWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumminAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumminAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumminWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumminWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumsumAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumsumAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumsumWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectCumsumWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectDivWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectEqualWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectExpAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectExpAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectExpWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectExpWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectFloorAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectFloorAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectFloorWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectFloorWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterequalWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectGreaterWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessequalWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLessWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLogAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLogAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLogWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectLogWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMatrixMult(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMatrixMult(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMax(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMax(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMaxWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMin(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMin(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinusWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMinWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMult2Add(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMult2Add(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMult2Write(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMult2Write(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultAdd(double[], double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultiplyAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectMultiplyAdd(double, double[], double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectMultiplyAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectMultiplyAdd(double, double[], double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectMultiplyWrite(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectMultiplyWrite(double[], double[], double[], int, int, int, int) - Static method in class org.apache.sysml.runtime.matrix.data.LibMatrixMult
 
vectMultWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectMultWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectNotequalWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectOuterMultAdd(double[], double[], double[], int, int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectOuterMultAdd(double[], double[], double[], int[], int, int, int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPlusWrite(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPow2Add(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPow2Add(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPow2Write(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPow2Write(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowAdd(double[], double, double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowAdd(double, double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowAdd(double[], double, double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowAdd(double, double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowWrite(double[], double, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowWrite(double, double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowWrite(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowWrite(double[], double, int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectPowWrite(double, double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectRoundAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectRoundAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectRoundWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectRoundWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSignAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSignAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSignWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSignWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSqrtAdd(double[], double[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSqrtAdd(double[], double[], int[], int, int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSqrtWrite(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSqrtWrite(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSum(double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
Computes c = sum(A), where A is a dense vectors.
vectSum(double[], int[], int, int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectSum(double[], char[], int, int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectSum(double[], int, int) - Static method in class org.apache.sysml.runtime.compress.utils.LinearAlgebraUtils
 
vectWrite(double[], double[], int, int) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
vectWrite(boolean[], boolean[], int[]) - Static method in class org.apache.sysml.runtime.codegen.LibSpoofPrimitives
 
verifySparkVersionSupported(SparkSession) - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
Check that the Spark version is supported.
version() - Method in class org.apache.sysml.api.mlcontext.MLContext
Obtain the SystemML version number.
version() - Method in class org.apache.sysml.api.mlcontext.ProjectInfo
Obtain the project version from the manifest.
VERSION_NOT_AVAILABLE - Static variable in class org.apache.sysml.api.mlcontext.MLContextUtil
Version not available message.

W

W - Variable in class org.apache.sysml.runtime.matrix.data.ConvolutionParameters
 
weight - Variable in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
WeightedCell - Class in org.apache.sysml.runtime.matrix.data
 
WeightedCell() - Constructor for class org.apache.sysml.runtime.matrix.data.WeightedCell
 
WeightedCellToSortInputConverter - Class in org.apache.sysml.runtime.matrix.data
 
WeightedCellToSortInputConverter() - Constructor for class org.apache.sysml.runtime.matrix.data.WeightedCellToSortInputConverter
 
WeightedPair - Class in org.apache.sysml.runtime.matrix.data
 
WeightedPair() - Constructor for class org.apache.sysml.runtime.matrix.data.WeightedPair
 
WeightedPairInputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.InputInfo
 
WeightedPairOutputInfo - Static variable in class org.apache.sysml.runtime.matrix.data.OutputInfo
 
welcomeMessage() - Static method in class org.apache.sysml.api.mlcontext.MLContextUtil
The SystemML welcome message
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.ColGroup
Serializes column group to data output.
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC1
 
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.ColGroupDDC2
 
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.ColGroupOffset
 
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.ColGroupUncompressed
 
write(DataOutput) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.BlockRow
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.CSVReblockMR.OffsetCount
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.AdaptivePartialBlock
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixPackedCell
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.PartialBlock
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.Tagged
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedFirstSecondIndexes
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedMatrixIndexes
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.TaggedTripleIndexes
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.TripleIndexes
 
write(K, V) - Method in class org.apache.sysml.runtime.matrix.data.UnPaddedOutputFormat.UnpaddedRecordWriter
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.WeightedCell
 
write(DataOutput) - Method in class org.apache.sysml.runtime.matrix.data.WeightedPair
 
WRITE_CACHE_BLKSZ - Static variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
WriteCSVMR - Class in org.apache.sysml.runtime.matrix
 
writeDoubleArray(int, double[]) - Method in interface org.apache.sysml.runtime.matrix.data.MatrixBlockDataOutput
Writes the double array of a dense block to the data output.
writeExternal(ObjectOutput) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
Redirects the default java serialization via externalizable to our default hadoop writable serialization for efficient broadcast/rdd serialization.
writeExternal(ObjectOutput) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
 
writeExternal(ObjectOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
Redirects the default java serialization via externalizable to our default hadoop writable serialization for efficient broadcast/rdd serialization.
writeExternal(ObjectOutput) - Method in class org.apache.sysml.runtime.matrix.data.MatrixIndexes
Redirects the default java serialization via externalizable to our default hadoop writable serialization for consistency/maintainability.
writeSparseRows(int, SparseBlock) - Method in interface org.apache.sysml.runtime.matrix.data.MatrixBlockDataOutput
Writes the sparse rows array of a sparse block to the data output.
WriteSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 

Z

zeroOutOperations(MatrixValue, IndexRange, boolean) - Method in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
zeroOutOperations(MatrixValue, IndexRange, boolean) - Method in class org.apache.sysml.runtime.matrix.data.CM_N_COVCell
 
zeroOutOperations(FrameBlock, IndexRange, boolean, int, int, int, int) - Method in class org.apache.sysml.runtime.matrix.data.FrameBlock
This function ZERO OUT the data in the slicing window applicable for this block.
zeroOutOperations(MatrixValue, IndexRange, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixBlock
 
zeroOutOperations(MatrixValue, IndexRange, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixCell
 
zeroOutOperations(MatrixValue, IndexRange, boolean) - Method in class org.apache.sysml.runtime.matrix.data.MatrixValue
 
ZeroValueIterator(int, int) - Constructor for class org.apache.sysml.runtime.compress.ColGroupOffset.ZeroValueIterator
 
ZipmmSPInstruction - Class in org.apache.sysml.runtime.instructions.spark
 

_

_activeAM - Static variable in class org.apache.sysml.api.DMLScript
 
_aggType - Variable in class org.apache.sysml.runtime.instructions.spark.IndexingSPInstruction
 
_cbind - Variable in class org.apache.sysml.runtime.instructions.spark.AppendMSPInstruction
 
_cbind - Variable in class org.apache.sysml.runtime.instructions.spark.AppendRSPInstruction
 
_cbind0 - Variable in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
_colGroups - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
_colIndexes - Variable in class org.apache.sysml.runtime.compress.ColGroup
Offsets of the columns that make up the column group.
_colIndexes - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
_data - Variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
_data - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
_data - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDense
 
_data - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelectionDenseSample
 
_dir - Variable in class org.apache.sysml.runtime.matrix.CleanupMR.CleanupMapper
 
_functionName - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
_gputype - Variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
_input1 - Variable in class org.apache.sysml.runtime.instructions.gpu.ArithmeticBinaryGPUInstruction
 
_input1 - Variable in class org.apache.sysml.runtime.instructions.gpu.RelationalBinaryGPUInstruction
 
_input2 - Variable in class org.apache.sysml.runtime.instructions.gpu.ArithmeticBinaryGPUInstruction
 
_input2 - Variable in class org.apache.sysml.runtime.instructions.gpu.RelationalBinaryGPUInstruction
 
_lastRow - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
_namespace - Variable in class org.apache.sysml.udf.ExternalFunctionInvocationInstruction
 
_numRows - Variable in class org.apache.sysml.runtime.compress.ColGroup
Number of rows in the matrix, for use by child classes.
_numRows - Variable in class org.apache.sysml.runtime.compress.estim.CompressedSizeEstimator
 
_numRows - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
_o - Variable in class org.apache.sysml.udf.BinaryObject
 
_offset - Variable in class org.apache.sysml.runtime.instructions.spark.AppendMSPInstruction
 
_optr - Variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
_optr - Variable in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
_outerProductType - Variable in class org.apache.sysml.runtime.codegen.SpoofOuterProduct
 
_output - Variable in class org.apache.sysml.runtime.instructions.gpu.ArithmeticBinaryGPUInstruction
 
_output - Variable in class org.apache.sysml.runtime.instructions.gpu.RelationalBinaryGPUInstruction
 
_outputs - Variable in class org.apache.sysml.runtime.instructions.spark.MultiReturnParameterizedBuiltinSPInstruction
 
_ptr - Variable in class org.apache.sysml.runtime.compress.ColGroupOffset
Bitmaps, one per uncompressed value in ColGroupValue._values.
_requiresLabelUpdate - Variable in class org.apache.sysml.runtime.instructions.gpu.GPUInstruction
 
_requiresLabelUpdate - Variable in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
_reqVectMem - Variable in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.Conv2dBackwardData
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.SparseNativeConv2dBackwardDataDense
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.Conv2dBackwardFilter
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.SparseNativeConv2dBackwardFilterDense
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dAllChannels
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dOneChannel
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.SparseNativeConv2d
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper.ReluBackward
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseDense
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseSparse
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseDense
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseSparse
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.DenseMaxPooling
 
_rl - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.SparseMaxPooling
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.Conv2dBackwardData
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardDataHelper.SparseNativeConv2dBackwardDataDense
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.Conv2dBackwardFilter
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dBackwardFilterHelper.SparseNativeConv2dBackwardFilterDense
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dAllChannels
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.LoopedIm2ColConv2dOneChannel
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNConv2dHelper.SparseNativeConv2d
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNHelper.ReluBackward
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseDense
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardDenseSparse
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseDense
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingBackwardHelper.PoolingBackwardSparseSparse
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.DenseMaxPooling
 
_ru - Variable in class org.apache.sysml.runtime.matrix.data.LibMatrixDNNPoolingHelper.SparseMaxPooling
 
_skiplist - Variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
_skipZeros - Variable in class org.apache.sysml.runtime.compress.ReaderColumnSelection
 
_sptype - Variable in class org.apache.sysml.runtime.instructions.spark.SPInstruction
 
_stats - Variable in class org.apache.sysml.runtime.compress.CompressedMatrixBlock
 
_sType - Variable in class org.apache.sysml.udf.Scalar
 
_suppressPrint2Stdout - Static variable in class org.apache.sysml.api.DMLScript
 
_tB1 - Variable in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
_type - Variable in class org.apache.sysml.runtime.codegen.SpoofRowwise
 
_uuid - Static variable in class org.apache.sysml.api.DMLScript
 
_value - Variable in class org.apache.sysml.udf.Scalar
 
_values - Variable in class org.apache.sysml.runtime.compress.ColGroupValue
Distinct values associated with individual bitmaps.
_zeros - Variable in class org.apache.sysml.runtime.compress.ColGroupOffset
 
A B C D E F G H I J K L M N O P Q R S T U V W Z _ 

Copyright © 2017 The Apache Software Foundation. All rights reserved.