Skip navigation links

Back to Apache Flink Website

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

A

abort(long) - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
AbstractAllRoundWrapperOperator<T,S extends org.apache.flink.streaming.api.operators.StreamOperator<T>> - Class in org.apache.flink.iteration.operator.allround
The base class for the all-round wrapper operators.
AbstractAllRoundWrapperOperator(StreamOperatorParameters<IterationRecord<T>>, StreamOperatorFactory<T>) - Constructor for class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
AbstractBroadcastWrapperOperator<T,S extends org.apache.flink.streaming.api.operators.StreamOperator<T>> - Class in org.apache.flink.ml.common.broadcast.operator
Base class for the broadcast wrapper operators.
AbstractPerRoundWrapperOperator<T,S extends org.apache.flink.streaming.api.operators.StreamOperator<T>> - Class in org.apache.flink.iteration.operator.perround
The base class for all the per-round wrapper operators.
AbstractPerRoundWrapperOperator(StreamOperatorParameters<IterationRecord<T>>, StreamOperatorFactory<T>) - Constructor for class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
AbstractWrapperOperator<T> - Class in org.apache.flink.iteration.operator
The base class of all the wrapper operators.
AbstractWrapperOperator(StreamOperatorParameters<IterationRecord<T>>, StreamOperatorFactory<T>) - Constructor for class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
add(T) - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
add(Object) - Method in class org.apache.flink.ml.servable.api.Row
Adds the value to the end of this row and returns this row.
addAlgoOperator(AlgoOperator<?>, TableId...) - Method in class org.apache.flink.ml.builder.GraphBuilder
Adds an AlgoOperator in the graph.
addAll(List<T>) - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
addColumn(String, DataType, List<?>) - Method in class org.apache.flink.ml.servable.api.DataFrame
Adds to this DataFrame a column with the given name, data type, and values.
addDraftSource(DataStream<?>, TypeInformation<T>) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
addEstimator(Estimator<?, ?>, TableId...) - Method in class org.apache.flink.ml.builder.GraphBuilder
Adds an Estimator in the graph.
addEstimator(Estimator<?, ?>, TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Adds an Estimator in the graph.
addOperator(Transformation<?>) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
addOperatorIfNotExists(Transformation<?>) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
addRecord(T) - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
 
advanceWatermark(Watermark) - Method in class org.apache.flink.iteration.proxy.state.ProxyInternalTimeServiceManager
 
AgglomerativeClustering - Class in org.apache.flink.ml.clustering.agglomerativeclustering
An AlgoOperator that performs a hierarchical clustering using a bottom-up approach.
AgglomerativeClustering() - Constructor for class org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClustering
 
AgglomerativeClusteringExample - Class in org.apache.flink.ml.examples.clustering
Simple program that creates an AgglomerativeClustering instance and uses it for clustering.
AgglomerativeClusteringExample() - Constructor for class org.apache.flink.ml.examples.clustering.AgglomerativeClusteringExample
 
AgglomerativeClusteringParams<T> - Interface in org.apache.flink.ml.clustering.agglomerativeclustering
aggregate(DataStream<IN>, AggregateFunction<IN, ACC, OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Aggregates the elements in each partition of the input bounded stream, and then merges the partial results of all partitions.
aggregate(DataStream<IN>, AggregateFunction<IN, ACC, OUT>, TypeInformation<ACC>, TypeInformation<OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Aggregates the elements in each partition of the input bounded stream, and then merges the partial results of all partitions.
AlgoOperator<T extends AlgoOperator<T>> - Interface in org.apache.flink.ml.api
An AlgoOperator takes a list of tables as inputs and produces a list of tables as results.
algoOpInputIds - Variable in class org.apache.flink.ml.builder.GraphNode
 
ALIGN_NOTIFY_OUTPUT_TAG - Static variable in class org.apache.flink.iteration.operator.HeadOperator
 
allReduceSum(DataStream<double[]>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies allReduceSum on the input data stream.
AllRoundOperatorWrapper<T> - Class in org.apache.flink.iteration.operator.allround
The operator wrapper implementation for all-round wrappers.
AllRoundOperatorWrapper() - Constructor for class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
ALPHA - Static variable in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
ALPHA1 - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
ALPHA2 - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
ALPHABET_ASC_ORDER - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
ALPHABET_DESC_ORDER - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
alwaysTrue() - Static method in class org.apache.flink.ml.param.ParamValidators
 
andNotReplay(DataStream<?>...) - Method in class org.apache.flink.iteration.ReplayableDataStreamList.ReplayedDataStreamList
 
ANOVATest - Class in org.apache.flink.ml.stats.anovatest
An AlgoOperator which implements the ANOVA test algorithm.
ANOVATest() - Constructor for class org.apache.flink.ml.stats.anovatest.ANOVATest
 
ANOVATestParams<T> - Interface in org.apache.flink.ml.stats.anovatest
Params for ANOVATest.
append(T) - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
append(Row, Object) - Static method in class org.apache.flink.ml.util.RowUtils
Creates a new row with fields that are copied from the existing one, and appends a new filed with the specific value.
applyToAllKeys(N, TypeSerializer<N>, StateDescriptor<S, T>, KeyedStateFunction<K, S>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
ARBITRARY_ORDER - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
AREA_UNDER_LORENZ - Static variable in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 
AREA_UNDER_PR - Static variable in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 
AREA_UNDER_ROC - Static variable in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 
areaUnderLorenz - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
areaUnderPR - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
areaUnderROC - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
areBroadcastVariablesReady() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Checks whether all broadcast variables are ready.
ARITY - Static variable in class org.apache.flink.ml.benchmark.datagenerator.common.DoubleGenerator
 
ARRAY_SIZE - Static variable in interface org.apache.flink.ml.benchmark.datagenerator.param.HasArraySize
 
ArrayArrayParam<T> - Class in org.apache.flink.ml.param
Class for the array parameter.
ArrayArrayParam(String, Class<T[][]>, String, T[][], ParamValidator<T[][]>) - Constructor for class org.apache.flink.ml.param.ArrayArrayParam
 
ArrayParam<T> - Class in org.apache.flink.ml.param
Class for the array parameter.
ArrayParam(String, Class<T[]>, String, T[], ParamValidator<T[]>) - Constructor for class org.apache.flink.ml.param.ArrayParam
 
arrayToVector(Object...) - Static method in class org.apache.flink.ml.Functions
Converts a column of arrays of numeric type into a column of DenseVector instances.
ArrayToVectorExample - Class in org.apache.flink.ml.examples
Simple program that converts a column of double arrays into a column of dense vectors.
ArrayToVectorExample() - Constructor for class org.apache.flink.ml.examples.ArrayToVectorExample
 
ArrayToVectorFunction() - Constructor for class org.apache.flink.ml.Functions.ArrayToVectorFunction
 
assignWindows(Object, long, WindowAssigner.WindowAssignerContext) - Method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
asum(DenseVector) - Static method in class org.apache.flink.ml.linalg.BLAS
\sum_i |x_i| .
axpy(double, Vector, DenseVector) - Static method in class org.apache.flink.ml.linalg.BLAS
y += a * x .
axpy(double, Vector, DenseVector, int) - Static method in class org.apache.flink.ml.linalg.BLAS
y += a * x for the first k dimensions, with the other dimensions unchanged.

B

BasicType - Enum in org.apache.flink.ml.servable.types
This enum class lists primitive types such as boolean, int, long, etc.
BATCH_STRATEGY - Static variable in interface org.apache.flink.ml.common.param.HasBatchStrategy
 
Benchmark - Class in org.apache.flink.ml.benchmark
Entry class for benchmark execution.
Benchmark() - Constructor for class org.apache.flink.ml.benchmark.Benchmark
 
BenchmarkResult - Class in org.apache.flink.ml.benchmark
The result of executing a benchmark.
BenchmarkResult(String, Double, Long, Double, Long, Double) - Constructor for class org.apache.flink.ml.benchmark.BenchmarkResult
 
BenchmarkUtils - Class in org.apache.flink.ml.benchmark
Utility methods for benchmarks.
BenchmarkUtils() - Constructor for class org.apache.flink.ml.benchmark.BenchmarkUtils
 
BETA - Static variable in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
BETA - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
Binarizer - Class in org.apache.flink.ml.feature.binarizer
A Transformer that binarizes the columns of continuous features by the given thresholds.
Binarizer() - Constructor for class org.apache.flink.ml.feature.binarizer.Binarizer
 
BinarizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a Binarizer instance and uses it for feature engineering.
BinarizerExample() - Constructor for class org.apache.flink.ml.examples.feature.BinarizerExample
 
BinarizerParams<T> - Interface in org.apache.flink.ml.feature.binarizer
Params of Binarizer.
BINARY - Static variable in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
BINARY - Static variable in interface org.apache.flink.ml.feature.hashingtf.HashingTFParams
Supported options to decide whether each dimension of the output vector is binary or not.
BinaryClassificationEvaluator - Class in org.apache.flink.ml.evaluation.binaryclassification
An AlgoOperator which calculates the evaluation metrics for binary classification.
BinaryClassificationEvaluator() - Constructor for class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator
 
BinaryClassificationEvaluator.BinaryMetrics - Class in org.apache.flink.ml.evaluation.binaryclassification
The evaluation metrics for binary classification.
BinaryClassificationEvaluator.BinarySummary - Class in org.apache.flink.ml.evaluation.binaryclassification
Binary Summary of data in one worker.
BinaryClassificationEvaluatorExample - Class in org.apache.flink.ml.examples.evaluation
Simple program that creates a BinaryClassificationEvaluator instance and uses it for evaluation.
BinaryClassificationEvaluatorExample() - Constructor for class org.apache.flink.ml.examples.evaluation.BinaryClassificationEvaluatorExample
 
BinaryClassificationEvaluatorParams<T> - Interface in org.apache.flink.ml.evaluation.binaryclassification
Params of BinaryClassificationEvaluator.
BinaryLogisticLoss - Class in org.apache.flink.ml.common.lossfunc
The loss function for binary logistic loss.
BinaryMetrics() - Constructor for class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
BinaryMetrics(long, double) - Constructor for class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
BinarySummary() - Constructor for class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 
BinarySummary(Integer, double, long, long) - Constructor for class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 
binEdges - Variable in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData
The edges of bins for each column, e.g., binEdges[0] is the edges for features at 0-th dimension.
Bits - Class in org.apache.flink.ml.util
Utility methods for packing/unpacking primitive values in/out of byte arrays using big-endian byte ordering.
Bits() - Constructor for class org.apache.flink.ml.util.Bits
 
BLAS - Class in org.apache.flink.ml.linalg
A utility class that provides BLAS routines over matrices and vectors.
BLAS() - Constructor for class org.apache.flink.ml.linalg.BLAS
 
BOOLEAN - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
BooleanParam - Class in org.apache.flink.ml.param
Class for the boolean parameter.
BooleanParam(String, String, Boolean, ParamValidator<Boolean>) - Constructor for class org.apache.flink.ml.param.BooleanParam
 
BooleanParam(String, String, Boolean) - Constructor for class org.apache.flink.ml.param.BooleanParam
 
BroadcastContext - Class in org.apache.flink.ml.common.broadcast
Context to hold the broadcast variables and provides some utility function for accessing broadcast variables.
BroadcastContext() - Constructor for class org.apache.flink.ml.common.broadcast.BroadcastContext
 
broadcastEmit(StreamRecord<OUT>) - Method in interface org.apache.flink.iteration.broadcast.BroadcastOutput
Broadcasts the record to all the downstream operators.
broadcastEmit(StreamRecord<OUT>) - Method in class org.apache.flink.iteration.broadcast.ChainingBroadcastOutput
 
broadcastEmit(StreamRecord<OUT>) - Method in class org.apache.flink.iteration.broadcast.CountingBroadcastOutput
 
broadcastEmit(StreamRecord<OUT>) - Method in class org.apache.flink.iteration.broadcast.RecordWriterBroadcastOutput
 
BroadcastOutput<OUT> - Interface in org.apache.flink.iteration.broadcast
Wrapper output that broadcasts the records to all the downstream operators.
broadcastOutput(StreamRecord<IterationRecord<?>>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
BroadcastOutputFactory - Class in org.apache.flink.iteration.broadcast
Factory that creates the corresponding BroadcastOutput from the Output.
BroadcastOutputFactory() - Constructor for class org.apache.flink.iteration.broadcast.BroadcastOutputFactory
 
BroadcastStateTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the BroadcastStateTransformation.
BroadcastStateTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.BroadcastStateTransformationTranslator
 
BroadcastStreamingRuntimeContext - Class in org.apache.flink.ml.common.broadcast
An subclass of StreamingRuntimeContext that provides accessibility of broadcast variables.
BroadcastStreamingRuntimeContext(Environment, Map<String, Accumulator<?, ?>>, OperatorMetricGroup, OperatorID, ProcessingTimeService, KeyedStateStore, ExternalResourceInfoProvider) - Constructor for class org.apache.flink.ml.common.broadcast.BroadcastStreamingRuntimeContext
 
BroadcastUtils - Class in org.apache.flink.ml.common.broadcast
Utility class to support withBroadcast in DataStream.
BroadcastUtils() - Constructor for class org.apache.flink.ml.common.broadcast.BroadcastUtils
 
BroadcastVariableReceiverOperator<OUT> - Class in org.apache.flink.ml.common.broadcast.operator
The operator that process all broadcast inputs and stores them in BroadcastContext.
BroadcastVariableReceiverOperatorFactory<OUT> - Class in org.apache.flink.ml.common.broadcast.operator
BroadcastVariableReceiverOperatorFactory(String[], TypeInformation<?>[]) - Constructor for class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperatorFactory
 
BroadcastWrapper<T> - Class in org.apache.flink.ml.common.broadcast.operator
The operator wrapper for AbstractBroadcastWrapperOperator.
BroadcastWrapper(String[]) - Constructor for class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
Bucketizer - Class in org.apache.flink.ml.feature.bucketizer
A Transformer that maps multiple columns of continuous features to multiple columns of discrete features, i.e., buckets indices.
Bucketizer() - Constructor for class org.apache.flink.ml.feature.bucketizer.Bucketizer
 
BucketizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a Bucketizer instance and uses it for feature engineering.
BucketizerExample() - Constructor for class org.apache.flink.ml.examples.feature.BucketizerExample
 
BucketizerParams<T> - Interface in org.apache.flink.ml.feature.bucketizer
Params for Bucketizer.
BucketizerParams.SplitsArrayValidator - Class in org.apache.flink.ml.feature.bucketizer
Param validator for splitsArray.
build() - Method in class org.apache.flink.iteration.IterationConfig.IterationConfigBuilder
 
buildAlgoOperator(TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into an AlgoOperator.
buildEstimator(TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into an Estimator.
buildEstimator(TableId[], TableId[], TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into an Estimator.
buildEstimator(TableId[], TableId[], TableId[], TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into an Estimator.
buildModel(TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into a Model.
buildModel(TableId[], TableId[], TableId[], TableId[]) - Method in class org.apache.flink.ml.builder.GraphBuilder
Wraps nodes of the graph into a Model.
BYTE - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
BYTE_STRING - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 

C

CacheElement<T> - Class in org.apache.flink.ml.common.broadcast.typeinfo
The wrapper class for possible cached elements used in AbstractBroadcastWrapperOperator.
CacheElement(T, long, CacheElement.Type) - Constructor for class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
CacheElement.Type - Enum in org.apache.flink.ml.common.broadcast.typeinfo
The type of cached elements.
CacheElementSerializer<T> - Class in org.apache.flink.ml.common.broadcast.typeinfo
TypeSerializer for CacheElement.
CacheElementSerializer(TypeSerializer<T>) - Constructor for class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
CacheElementTypeInfo<T> - Class in org.apache.flink.ml.common.broadcast.typeinfo
TypeInformation for CacheElement.
CacheElementTypeInfo(TypeInformation<T>) - Constructor for class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
callMethod(Object, Class<?>, String) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
 
callMethod(Object, Class<?>, String, List<Class<?>>, List<Object>) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
 
callMethod(Object, Class<?>, String, Object[]) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
The utility method to call method with the specific name.
cancel() - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment.EmptySource
 
cancel() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
 
cancel() - Method in class org.apache.flink.ml.examples.util.PeriodicSourceFunction
 
canEqual(Object) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
canEqual(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
CASE_SENSITIVE - Static variable in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
CATEGORICAL - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
CATEGORICAL_COLS - Static variable in interface org.apache.flink.ml.common.param.HasCategoricalCols
 
categoryMaps - Variable in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData
Index of feature values.
centroids - Variable in class org.apache.flink.ml.clustering.kmeans.KMeansModelData
 
ChainingBroadcastOutput<OUT> - Class in org.apache.flink.iteration.broadcast
The broadcast output corresponding to a chained output.
checkpointCoordinator(long, CompletableFuture<byte[]>) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
Checkpoints<T> - Class in org.apache.flink.iteration.checkpoint
Maintains the pending checkpoints.
Checkpoints(TypeSerializer<T>, FileSystem, SupplierWithException<Path, IOException>) - Constructor for class org.apache.flink.iteration.checkpoint.Checkpoints
 
CheckpointsBroker - Class in org.apache.flink.iteration.checkpoint
Hand offs the Checkpoints from the head operator to the tail operator so that the tail operator could decrease the reference count of the raw state when checkpoints are aborted.
CheckpointsBroker() - Constructor for class org.apache.flink.iteration.checkpoint.CheckpointsBroker
 
ChiSqTest - Class in org.apache.flink.ml.stats.chisqtest
An AlgoOperator which implements the Chi-square test algorithm.
ChiSqTest() - Constructor for class org.apache.flink.ml.stats.chisqtest.ChiSqTest
 
ChiSqTestExample - Class in org.apache.flink.ml.examples.stats
Simple program that creates a ChiSqTest instance and uses it for statistics.
ChiSqTestExample() - Constructor for class org.apache.flink.ml.examples.stats.ChiSqTestExample
 
ChiSqTestParams<T> - Interface in org.apache.flink.ml.stats.chisqtest
Params for ChiSqTest.
clazz - Variable in class org.apache.flink.ml.param.Param
 
clear() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
Removes all previously added records.
clear() - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
clearIterationContextRound() - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
clone() - Method in class org.apache.flink.iteration.IterationRecord
 
clone() - Method in class org.apache.flink.ml.linalg.DenseVector
 
clone() - Method in class org.apache.flink.ml.linalg.SparseVector
 
clone() - Method in interface org.apache.flink.ml.linalg.Vector
Makes a deep copy of the vector.
cloneWithReservedFields(Row, int) - Static method in class org.apache.flink.ml.util.RowUtils
Creates a new row with fields that are copied from the existing one, and reserves some empty fields for further writing.
close() - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
close() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
close() - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
close() - Method in class org.apache.flink.iteration.operator.HeadOperator
 
close() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
close() - Method in class org.apache.flink.iteration.operator.TailOperator
 
close() - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
close() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
close() - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
close() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
close() - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
closeStreamOperator(S, int, int) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
closeStreamOperator(MultipleInputStreamOperator<OUT>, int, int) - Method in class org.apache.flink.iteration.operator.perround.MultipleInputPerRoundWrapperOperator
 
coefficient - Variable in class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData
 
coefficient - Variable in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelData
 
coefficient - Variable in class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData
 
coGroup(DataStream<IN1>, DataStream<IN2>, KeySelector<IN1, KEY>, KeySelector<IN2, KEY>, TypeInformation<OUT>, CoGroupFunction<IN1, IN2, OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
A CoGroup transformation combines the elements of two DataStreams into one DataStream.
CoGroupOperator<IN1,IN2,KEY extends Serializable,OUT> - Class in org.apache.flink.ml.common.datastream.sort
An operator that implements the co-group logic.
CoGroupOperator(CoGroupFunction<IN1, IN2, OUT>) - Constructor for class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
COL_NAMES - Static variable in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
collect(OutputTag<X>, StreamRecord<X>) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
collect(StreamRecord<T>) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
collect() - Method in class org.apache.flink.ml.servable.api.DataFrame
Returns all rows of this table.
commitCheckpointsUntil(long) - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
compare(Tuple2<byte[], StreamRecord<IN>>, Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
compare(Tuple2<byte[], StreamRecord<IN>>, Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
compareSerialized(DataInputView, DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
compareSerialized(DataInputView, DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
compareToReference(TypeComparator<Tuple2<byte[], StreamRecord<IN>>>) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
compareToReference(TypeComparator<Tuple2<byte[], StreamRecord<IN>>>) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
compress() - Method in class org.apache.flink.ml.common.util.QuantileSummary
Returns a new summary that compresses the summary statistics and the head buffer.
COMPUTE_FULL_TREE - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
computeGradient(LabeledPointWithWeight, DenseVector, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.BinaryLogisticLoss
 
computeGradient(LabeledPointWithWeight, DenseVector, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.HingeLoss
 
computeGradient(LabeledPointWithWeight, DenseVector, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.LeastSquareLoss
 
computeGradient(LabeledPointWithWeight, DenseVector, DenseVector) - Method in interface org.apache.flink.ml.common.lossfunc.LossFunc
Computes the gradient on the given data point and adds the computed gradient to cumGradient.
computeLoss(LabeledPointWithWeight, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.BinaryLogisticLoss
 
computeLoss(LabeledPointWithWeight, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.HingeLoss
 
computeLoss(LabeledPointWithWeight, DenseVector) - Method in class org.apache.flink.ml.common.lossfunc.LeastSquareLoss
 
computeLoss(LabeledPointWithWeight, DenseVector) - Method in interface org.apache.flink.ml.common.lossfunc.LossFunc
Computes the loss on the given data point.
configure(int) - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
containingTask - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
containingTask - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
CONTINUOUS - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
CoordinatorCheckpointEvent - Class in org.apache.flink.iteration.operator.event
Coordinator received the request of checkpoints.
CoordinatorCheckpointEvent(long) - Constructor for class org.apache.flink.iteration.operator.event.CoordinatorCheckpointEvent
 
copy() - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
copy(IterationRecord<T>) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
copy(IterationRecord<T>, IterationRecord<T>) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
copy(CacheElement<T>) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
copy(CacheElement<T>, CacheElement<T>) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
copy(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
copy(Tuple2<byte[], StreamRecord<IN>>, Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
copy(PriorityQueue<T>) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
copy(PriorityQueue<T>, PriorityQueue<T>) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
copy(DenseMatrix) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
copy(DenseMatrix, DenseMatrix) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
copy(DenseVector) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
copy(DenseVector, DenseVector) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
copy(SparseVector) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
copy(SparseVector, SparseVector) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
copy(Vector) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
copy(Vector, Vector) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
copy(VectorWithNorm) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
copy(VectorWithNorm, VectorWithNorm) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
copy(DataInputView, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
copyProperties(Transformation<?>, Transformation<?>) - Method in interface org.apache.flink.iteration.compile.DraftTransformationTranslator.Context
 
copyToActualEnvironment() - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
CosineDistanceMeasure - Class in org.apache.flink.ml.common.distance
Cosine distance between two vectors.
count - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
COUNT_STRATEGY - Static variable in interface org.apache.flink.ml.common.param.HasBatchStrategy
Strategy to create mini batches with a fixed batch size.
CountingBroadcastOutput<OUT> - Class in org.apache.flink.iteration.broadcast
The intermediate broadcast output that wrappers a list of internal outputs.
CountingBroadcastOutput(Counter, List<BroadcastOutput<OUT>>) - Constructor for class org.apache.flink.iteration.broadcast.CountingBroadcastOutput
 
CountTumblingWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups elements into fixed-size windows based on the count number of the elements.
CountVectorizer - Class in org.apache.flink.ml.feature.countvectorizer
An Estimator which converts a collection of text documents to vectors of token counts.
CountVectorizer() - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizer
 
CountVectorizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a CountVectorizer model and uses it for feature engineering.
CountVectorizerExample() - Constructor for class org.apache.flink.ml.examples.feature.CountVectorizerExample
 
CountVectorizerModel - Class in org.apache.flink.ml.feature.countvectorizer
A Model which transforms data using the model data computed by CountVectorizer.
CountVectorizerModel() - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
CountVectorizerModelData - Class in org.apache.flink.ml.feature.countvectorizer
Model data of CountVectorizerModel.
CountVectorizerModelData() - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData
 
CountVectorizerModelData(String[]) - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData
 
CountVectorizerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.countvectorizer
CountVectorizerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.countvectorizer
CountVectorizerModelParams<T> - Interface in org.apache.flink.ml.feature.countvectorizer
CountVectorizerParams<T> - Interface in org.apache.flink.ml.feature.countvectorizer
Params of CountVectorizer.
create(OperatorCoordinator.Context) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator.HeadOperatorCoordinatorProvider
 
create(StreamConfig, StreamTask<?, ?>, OperatorEpochWatermarkTrackerListener) - Static method in class org.apache.flink.iteration.progresstrack.OperatorEpochWatermarkTrackerFactory
 
create(String, TypeSerializer<T>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
createBroadcastOutput(Output<StreamRecord<OUT>>, Counter) - Static method in class org.apache.flink.iteration.broadcast.BroadcastOutputFactory
Creates the wrapper broadcast output from output.
createDataCacheFileGenerator(Path, String, OperatorID) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
 
createFeedbackKey(IterationID, int) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
Creates FeedbackKey from the iterationId and feedbackIndex.
createInstance() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
createInstance() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
createInstance() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
createInstance() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
createInstance() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
createInstance() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
createInstance() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
createInstance() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
createInstance() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
createModel(DataStream<Integer>, StreamTableEnvironment) - Method in class org.apache.flink.ml.feature.lsh.MinHashLSH
 
createNewDescriptor(StateDescriptor<S, T>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
createOrUpdateInternalState(TypeSerializer<N>, StateDescriptor<S, SV>, StateSnapshotTransformer.StateSnapshotTransformFactory<SEV>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.classification.knn.KnnModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.idf.IDFModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.imputer.ImputerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData.ModelDataStreamFormat
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData.ModelDataDecoder
 
createReader(Configuration, FSDataInputStream) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData.ModelDataDecoder
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
createSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
createStreamOperator(StreamOperatorParameters<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
createStreamOperator(StreamOperatorParameters<IterationRecord<OUT>>) - Method in class org.apache.flink.iteration.operator.WrapperOperatorFactory
 
createStreamOperator(StreamOperatorParameters<OUT>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperatorFactory
 
createTableId() - Method in class org.apache.flink.ml.builder.GraphBuilder
Creates a TableId associated with this GraphBuilder.
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.common.typeinfo.QuantileSummaryTypeInfoFactory
 
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfoFactory
 
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfoFactory
 
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfoFactory
 
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfoFactory
 
createTypeInfo(Type, Map<String, TypeInformation<?>>) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfoFactory
 
createWrappedOperatorConfig(StreamConfig, ClassLoader) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
 
curNegative - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 
curPositive - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 

D

DATA_CACHE_PATH - Static variable in class org.apache.flink.iteration.config.IterationOptions
 
DataCacheReader<T> - Class in org.apache.flink.iteration.datacache.nonkeyed
Reads the cached data from a list of segments.
DataCacheReader(TypeSerializer<T>, List<Segment>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheReader
 
DataCacheReader(TypeSerializer<T>, List<Segment>, Tuple2<Integer, Integer>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheReader
 
DataCacheSnapshot - Class in org.apache.flink.iteration.datacache.nonkeyed
The snapshot of a data cache.
DataCacheSnapshot(FileSystem, Tuple2<Integer, Integer>, List<Segment>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
 
DataCacheWriter<T> - Class in org.apache.flink.iteration.datacache.nonkeyed
Records the data received and replayed them when required.
DataCacheWriter(TypeSerializer<T>, FileSystem, SupplierWithException<Path, IOException>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
 
DataCacheWriter(TypeSerializer<T>, FileSystem, SupplierWithException<Path, IOException>, MemorySegmentPool) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
 
DataCacheWriter(TypeSerializer<T>, FileSystem, SupplierWithException<Path, IOException>, List<Segment>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
 
DataCacheWriter(TypeSerializer<T>, FileSystem, SupplierWithException<Path, IOException>, MemorySegmentPool, List<Segment>) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
 
DataFrame - Class in org.apache.flink.ml.servable.api
A DataFrame consists of several rows, each of which has the same column names and data types.
DataFrame(List<String>, List<DataType>, List<Row>) - Constructor for class org.apache.flink.ml.servable.api.DataFrame
The given columnNames and dataTypes should be mutable in order for TransformerServable classes to update DataFrame with the serving results.
DataGenerator<T extends DataGenerator<T>> - Interface in org.apache.flink.ml.benchmark.datagenerator
Interface for generating data as table arrays.
DataStreamList - Class in org.apache.flink.iteration
A utility class to maintain a list of DataStream, which might have different types.
DataStreamList(List<DataStream<?>>) - Constructor for class org.apache.flink.iteration.DataStreamList
 
DataStreamUtils - Class in org.apache.flink.ml.common.datastream
Provides utility functions for DataStream.
DataStreamUtils() - Constructor for class org.apache.flink.ml.common.datastream.DataStreamUtils
 
DataType - Class in org.apache.flink.ml.servable.types
This class describes the data type of a value.
DataType() - Constructor for class org.apache.flink.ml.servable.types.DataType
 
DataTypes - Class in org.apache.flink.ml.servable.types
This class gives access to the most common types that are used to define DataFrames.
DataTypes() - Constructor for class org.apache.flink.ml.servable.types.DataTypes
 
DCT - Class in org.apache.flink.ml.feature.dct
A Transformer that takes the 1D discrete cosine transform of a real vector.
DCT() - Constructor for class org.apache.flink.ml.feature.dct.DCT
 
DCTExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a DCT instance and uses it for feature engineering.
DCTExample() - Constructor for class org.apache.flink.ml.examples.feature.DCTExample
 
DCTParams<T> - Interface in org.apache.flink.ml.feature.dct
Params for DCT.
DECAY_FACTOR - Static variable in interface org.apache.flink.ml.common.param.HasDecayFactor
 
defaultValue - Variable in class org.apache.flink.ml.param.Param
 
DEGREE - Static variable in interface org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansionParams
 
delta - Variable in class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
dense(double...) - Static method in class org.apache.flink.ml.linalg.Vectors
Creates a dense vector from its values.
DenseMatrix - Class in org.apache.flink.ml.linalg
Column-major dense matrix.
DenseMatrix(int, int) - Constructor for class org.apache.flink.ml.linalg.DenseMatrix
Constructs an m-by-n matrix of zeros.
DenseMatrix(int, int, double[]) - Constructor for class org.apache.flink.ml.linalg.DenseMatrix
Constructs a matrix from a 1-D array.
DenseMatrixSerializer - Class in org.apache.flink.ml.linalg.typeinfo
Specialized serializer for DenseMatrix.
DenseMatrixSerializer() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
DenseMatrixSerializer.DenseMatrixSerializerSnapshot - Class in org.apache.flink.ml.linalg.typeinfo
Serializer configuration snapshot for compatibility and format evolution.
DenseMatrixSerializerSnapshot() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer.DenseMatrixSerializerSnapshot
 
DenseMatrixTypeInfo - Class in org.apache.flink.ml.linalg.typeinfo
A TypeInformation for the DenseMatrix type.
DenseMatrixTypeInfo() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
DenseMatrixTypeInfoFactory - Class in org.apache.flink.ml.linalg.typeinfo
Used by TypeExtractor to create a TypeInformation for implementations of DenseMatrix.
DenseMatrixTypeInfoFactory() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfoFactory
 
DenseVector - Class in org.apache.flink.ml.linalg
A dense vector of double values.
DenseVector(double[]) - Constructor for class org.apache.flink.ml.linalg.DenseVector
 
DenseVector(int) - Constructor for class org.apache.flink.ml.linalg.DenseVector
 
DenseVectorArrayGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of DenseVector array.
DenseVectorArrayGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.DenseVectorArrayGenerator
 
DenseVectorGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of DenseVector.
DenseVectorGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.DenseVectorGenerator
 
DenseVectorSerializer - Class in org.apache.flink.ml.linalg.typeinfo
Specialized serializer for DenseVector.
DenseVectorSerializer() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
DenseVectorSerializer.DenseVectorSerializerSnapshot - Class in org.apache.flink.ml.linalg.typeinfo
Serializer configuration snapshot for compatibility and format evolution.
DenseVectorSerializerSnapshot() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer.DenseVectorSerializerSnapshot
 
DenseVectorTypeInfo - Class in org.apache.flink.ml.linalg.typeinfo
A TypeInformation for the DenseVector type.
DenseVectorTypeInfo() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
DenseVectorTypeInfoFactory - Class in org.apache.flink.ml.linalg.typeinfo
Used by TypeExtractor to create a TypeInformation for implementations of DenseVector.
DenseVectorTypeInfoFactory() - Constructor for class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfoFactory
 
deregisterKeySelectionListener(KeyedStateBackend.KeySelectionListener<K>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
description - Variable in class org.apache.flink.ml.param.Param
 
deserialize(DataInputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
deserialize(IterationRecord<T>, DataInputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
deserialize(CacheElement<T>, DataInputView) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
deserialize(Tuple2<byte[], StreamRecord<IN>>, DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
deserialize(PriorityQueue<T>, DataInputView) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
deserialize(DenseMatrix, DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
deserialize(DenseVector, DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
deserialize(SparseVector, DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
deserialize(Vector, DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
deserialize(DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
deserialize(VectorWithNorm, DataInputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
deserializeNumber(DataInputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
dispose() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
dispose() - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
distance(VectorWithNorm, VectorWithNorm) - Method in class org.apache.flink.ml.common.distance.CosineDistanceMeasure
 
distance(VectorWithNorm, VectorWithNorm) - Method in interface org.apache.flink.ml.common.distance.DistanceMeasure
Measures the distance between two vectors.
distance(VectorWithNorm, VectorWithNorm) - Method in class org.apache.flink.ml.common.distance.EuclideanDistanceMeasure
 
distance(VectorWithNorm, VectorWithNorm) - Method in class org.apache.flink.ml.common.distance.ManhattanDistanceMeasure
 
DISTANCE_MEASURE - Static variable in interface org.apache.flink.ml.common.param.HasDistanceMeasure
 
DISTANCE_THRESHOLD - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
DistanceMeasure - Interface in org.apache.flink.ml.common.distance
Interface for measuring distance between two vectors.
docFreq - Variable in class org.apache.flink.ml.feature.idf.IDFModelData
Document frequency for all terms after filtering out infrequent terms.
dot(Vector, Vector) - Static method in class org.apache.flink.ml.linalg.BLAS
Computes the dot of the two vectors (y \dot x).
DOUBLE - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
DoubleArrayArrayParam - Class in org.apache.flink.ml.param
Class for the array of double array parameter.
DoubleArrayArrayParam(String, String, Double[][], ParamValidator<Double[][]>) - Constructor for class org.apache.flink.ml.param.DoubleArrayArrayParam
 
DoubleArrayArrayParam(String, String, Double[][]) - Constructor for class org.apache.flink.ml.param.DoubleArrayArrayParam
 
DoubleArrayParam - Class in org.apache.flink.ml.param
Class for the double array parameter.
DoubleArrayParam(String, String, Double[], ParamValidator<Double[]>) - Constructor for class org.apache.flink.ml.param.DoubleArrayParam
 
DoubleArrayParam(String, String, Double[]) - Constructor for class org.apache.flink.ml.param.DoubleArrayParam
 
DoubleGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of doubles.
DoubleGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.DoubleGenerator
 
DoubleParam - Class in org.apache.flink.ml.param
Class for the double parameter.
DoubleParam(String, String, Double, ParamValidator<Double>) - Constructor for class org.apache.flink.ml.param.DoubleParam
 
DoubleParam(String, String, Double) - Constructor for class org.apache.flink.ml.param.DoubleParam
 
DraftExecutionEnvironment - Class in org.apache.flink.iteration.compile
A specialized stream execution environment that allows users to first construct a subgraph and later copy the transformations into the actual environment.
DraftExecutionEnvironment(StreamExecutionEnvironment, OperatorWrapper<?, ?>) - Constructor for class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
DraftExecutionEnvironment.EmptySource<T> - Class in org.apache.flink.iteration.compile
A special source that emits no data.
DraftTransformationTranslator<TF extends org.apache.flink.api.dag.Transformation<?>> - Interface in org.apache.flink.iteration.compile
Creates the actual transformation according to the draft transformation.
DraftTransformationTranslator.Context - Interface in org.apache.flink.iteration.compile
DROP_LAST - Static variable in interface org.apache.flink.ml.feature.onehotencoder.OneHotEncoderParams
 
duplicate() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
duplicate() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
duplicate() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
duplicate() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
duplicate() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
duplicate() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
duplicate() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
duplicate() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 

E

ELASTIC_NET - Static variable in interface org.apache.flink.ml.common.param.HasElasticNet
 
ElementwiseProduct - Class in org.apache.flink.ml.feature.elementwiseproduct
A Transformer that multiplies each input vector with a given scaling vector using Hadamard product.
ElementwiseProduct() - Constructor for class org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProduct
 
ElementwiseProductExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a ElementwiseProduct instance and uses it for feature engineering.
ElementwiseProductExample() - Constructor for class org.apache.flink.ml.examples.feature.ElementwiseProductExample
 
ElementwiseProductParams<T> - Interface in org.apache.flink.ml.feature.elementwiseproduct
emitLatencyMarker(LatencyMarker) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
emitWatermark(Watermark) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
emitWatermarkStatus(WatermarkStatus) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
EmptySource() - Constructor for class org.apache.flink.iteration.compile.DraftExecutionEnvironment.EmptySource
 
encode(KnnModelData, OutputStream) - Method in class org.apache.flink.ml.classification.knn.KnnModelData.ModelDataEncoder
 
encode(LinearSVCModelData, OutputStream) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData.ModelDataEncoder
 
encode(OutputStream) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelData
Serializes the instance and writes to the output stream.
encode(LogisticRegressionModelData, OutputStream) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil.ModelDataEncoder
 
encode(NaiveBayesModelData, OutputStream) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData.ModelDataEncoder
 
encode(KMeansModelData, OutputStream) - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModelData.ModelDataEncoder
 
encode(CountVectorizerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData.ModelDataEncoder
 
encode(IDFModelData, OutputStream) - Method in class org.apache.flink.ml.feature.idf.IDFModelData.ModelDataEncoder
 
encode(ImputerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.imputer.ImputerModelData.ModelDataEncoder
 
encode(KBinsDiscretizerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData.ModelDataEncoder
 
encode(MinHashLSHModelData, OutputStream) - Method in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData.ModelDataEncoder
 
encode(MaxAbsScalerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData.ModelDataEncoder
 
encode(MinMaxScalerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData.ModelDataEncoder
 
encode(Tuple2<Integer, Integer>, OutputStream) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData.ModelDataEncoder
 
encode(RobustScalerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData.ModelDataEncoder
 
encode(StandardScalerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData.ModelDataEncoder
 
encode(StringIndexerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData.ModelDataEncoder
 
encode(UnivariateFeatureSelectorModelData, OutputStream) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData.ModelDataEncoder
 
encode(VarianceThresholdSelectorModelData, OutputStream) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData.ModelDataEncoder
 
encode(VectorIndexerModelData, OutputStream) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData.ModelDataEncoder
 
encode(LinearRegressionModelData, OutputStream) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData.ModelDataEncoder
 
endInput(int) - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
endInput(int) - Method in class org.apache.flink.iteration.operator.allround.MultipleInputAllRoundWrapperOperator
 
endInput() - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
endInput(int) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
endInput() - Method in class org.apache.flink.iteration.operator.HeadOperator
 
endInput(int) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
endInput(int) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperator
 
endInput() - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
endInput(int) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
endInput(int) - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
endInput() - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler.MinMaxReduceFunctionOperator
 
endInputAndEmitMaxWatermark(S, int, int) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
endInputAndEmitMaxWatermark(MultipleInputStreamOperator<OUT>, int, int) - Method in class org.apache.flink.iteration.operator.perround.MultipleInputPerRoundWrapperOperator
 
endInputAndEmitMaxWatermark(OneInputStreamOperator<IN, OUT>, int, int) - Method in class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
endInputAndEmitMaxWatermark(TwoInputStreamOperator<IN1, IN2, OUT>, int, int) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
endInputX(int, ThrowingConsumer<StreamRecord, Exception>, ThrowingConsumer<Watermark, Exception>, ThrowingConsumer<StreamRecord, Exception>) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Extracts common processing logic in subclasses' endInput(...).
EndOfStreamWindows - Class in org.apache.flink.ml.common.datastream
A WindowAssigner that assigns all elements of a bounded input stream into one window pane.
EpochAware - Interface in org.apache.flink.iteration.operator.allround
Operators or UDF implements this method would be provided with an supplier that provides the current rounds of the current element.
EpochAwareAllRoundProcessFunction<I,O> - Class in org.apache.flink.iteration.functions
A specialized ProcessFunction that also provide the attach epoch with each record.
EpochAwareAllRoundProcessFunction() - Constructor for class org.apache.flink.iteration.functions.EpochAwareAllRoundProcessFunction
 
EpochAwareCoProcessFunction<I1,I2,O> - Class in org.apache.flink.iteration.functions
A specialized CoProcessFunction that also provide the attach epoch with each record.
EpochAwareCoProcessFunction() - Constructor for class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
epochWatermarkSupplier - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
epochWatermarkTracker - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
equals(Object) - Method in class org.apache.flink.iteration.datacache.nonkeyed.Segment
 
equals(Object) - Method in class org.apache.flink.iteration.IterationRecord
 
equals(Object) - Method in class org.apache.flink.iteration.operator.event.CoordinatorCheckpointEvent
 
equals(Object) - Method in class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
equals(Object) - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
equals(Object) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
equals(Object) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.builder.GraphNode
 
equals(Object) - Method in class org.apache.flink.ml.builder.TableId
 
equals(Object) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
equals(Object) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
equals(Object) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
equals(Object) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.common.window.CountTumblingWindows
 
equals(Object) - Method in class org.apache.flink.ml.common.window.EventTimeSessionWindows
 
equals(Object) - Method in class org.apache.flink.ml.common.window.EventTimeTumblingWindows
 
equals(Object) - Method in class org.apache.flink.ml.common.window.GlobalWindows
 
equals(Object) - Method in class org.apache.flink.ml.common.window.ProcessingTimeSessionWindows
 
equals(Object) - Method in class org.apache.flink.ml.common.window.ProcessingTimeTumblingWindows
 
equals(Object) - Method in class org.apache.flink.ml.linalg.DenseVector
 
equals(Object) - Method in class org.apache.flink.ml.linalg.SparseVector
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
equals(Object) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
equals(Object) - Method in class org.apache.flink.ml.param.Param
 
equalToReference(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
equalToReference(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
ERROR_INVALID - Static variable in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
Estimator<E extends Estimator<E,M>,M extends Model<M>> - Interface in org.apache.flink.ml.api
Estimators are responsible for training and generating Models.
estimatorInputIds - Variable in class org.apache.flink.ml.builder.GraphData
 
estimatorInputIds - Variable in class org.apache.flink.ml.builder.GraphNode
 
EuclideanDistanceMeasure - Class in org.apache.flink.ml.common.distance
Euclidean distance (also known as L2 distance) between two vectors.
eval(DenseVector[]) - Method in class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator.GenerateWeightsFunction
 
eval(String[], int) - Method in class org.apache.flink.ml.feature.ngram.NGram.NGramUdf
 
eval(String, String, Boolean, boolean, int) - Method in class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer.RegexTokenizerUdf
 
eval(String[]) - Method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover.RemoveStopWordsFunction
 
eval(String) - Method in class org.apache.flink.ml.feature.tokenizer.Tokenizer.TokenizerUdf
 
eval(double[]) - Method in class org.apache.flink.ml.Functions.ArrayToVectorFunction
 
eval(Double[]) - Method in class org.apache.flink.ml.Functions.ArrayToVectorFunction
 
eval(Number[]) - Method in class org.apache.flink.ml.Functions.ArrayToVectorFunction
 
eval(Vector) - Method in class org.apache.flink.ml.Functions.VectorToArrayFunction
 
eventBroadcastOutput - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
EventTimeSessionWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups elements into sessions based on the timestamp of the elements.
EventTimeTumblingWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups elements into fixed-size windows based on the timestamp of the elements.
execute(StreamGraph) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
executionAttemptFailed(int, int, Throwable) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
executionAttemptReady(int, int, OperatorCoordinator.SubtaskGateway) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
extractKeys(Object, Object[], int) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
extractKeys(Object, Object[], int) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 

F

FDR - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
FEATURE_ARITY - Static variable in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
FEATURE_TYPE - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
Supported options of the feature type.
FeatureHasher - Class in org.apache.flink.ml.feature.featurehasher
A Transformer that transforms a set of categorical or numerical features into a sparse vector of a specified dimension.
FeatureHasher() - Constructor for class org.apache.flink.ml.feature.featurehasher.FeatureHasher
 
FeatureHasherExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a FeatureHasher instance and uses it for feature engineering.
FeatureHasherExample() - Constructor for class org.apache.flink.ml.examples.feature.FeatureHasherExample
 
FeatureHasherParams<T> - Interface in org.apache.flink.ml.feature.featurehasher
Params of FeatureHasher.
featureNormSquares - Variable in class org.apache.flink.ml.classification.knn.KnnModelData
 
FEATURES_COL - Static variable in interface org.apache.flink.ml.common.param.HasFeaturesCol
 
FileUtils - Class in org.apache.flink.ml.util
Utility methods for file operations.
FileUtils() - Constructor for class org.apache.flink.ml.util.FileUtils
 
findClosest(VectorWithNorm[], VectorWithNorm) - Method in interface org.apache.flink.ml.common.distance.DistanceMeasure
Finds the index of the closest center to the given point.
findClosest(VectorWithNorm[], VectorWithNorm) - Method in class org.apache.flink.ml.common.distance.EuclideanDistanceMeasure
 
finish() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
Finishes adding records and closes resources occupied for adding records.
finish() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
finish() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
finish(int) - Method in class org.apache.flink.iteration.progresstrack.OperatorEpochWatermarkTracker
 
finish() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
FINISHED_STATE - Static variable in class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
fit(Table...) - Method in interface org.apache.flink.ml.api.Estimator
Trains on the given inputs and produces a Model.
fit(Table...) - Method in class org.apache.flink.ml.builder.Graph
 
fit(Table...) - Method in class org.apache.flink.ml.builder.Pipeline
Trains the pipeline to fit on the given tables.
fit(Table...) - Method in class org.apache.flink.ml.classification.knn.Knn
 
fit(Table...) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVC
 
fit(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegression
 
fit(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
 
fit(Table...) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayes
 
fit(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.KMeans
 
fit(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
 
fit(Table...) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizer
 
fit(Table...) - Method in class org.apache.flink.ml.feature.idf.IDF
 
fit(Table...) - Method in class org.apache.flink.ml.feature.imputer.Imputer
 
fit(Table...) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizer
 
fit(Table...) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScaler
 
fit(Table...) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler
 
fit(Table...) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoder
 
fit(Table...) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScaler
 
fit(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScaler
 
fit(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScaler
 
fit(Table...) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexer
 
fit(Table...) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelector
 
fit(Table...) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelector
 
fit(Table...) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexer
 
fit(Table...) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegression
 
FixedLengthByteKeyComparator<IN> - Class in org.apache.flink.ml.common.datastream.sort
A comparator used in SortingDataInput which compares records keys and timestamps.
FixedLengthByteKeyComparator(int) - Constructor for class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
flatMap(T, Collector<T>) - Method in class org.apache.flink.ml.common.iteration.ForwardInputsOfLastRound
 
flatMap(T, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIter
 
flatMap(Double, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIterOrTol
 
FLATTEN - Static variable in interface org.apache.flink.ml.common.param.HasFlatten
 
FLOAT - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
FloatArrayParam - Class in org.apache.flink.ml.param
Class for the float array parameter.
FloatArrayParam(String, String, Float[], ParamValidator<Float[]>) - Constructor for class org.apache.flink.ml.param.FloatArrayParam
 
FloatArrayParam(String, String, Float[]) - Constructor for class org.apache.flink.ml.param.FloatArrayParam
 
FloatParam - Class in org.apache.flink.ml.param
Class for the float parameter.
FloatParam(String, String, Float, ParamValidator<Float>) - Constructor for class org.apache.flink.ml.param.FloatParam
 
FloatParam(String, String, Float) - Constructor for class org.apache.flink.ml.param.FloatParam
 
forEachRound(DataStreamList, IterationBody.PerRoundSubBody) - Static method in interface org.apache.flink.iteration.IterationBody
 
ForwardInputsOfLastRound<T> - Class in org.apache.flink.ml.common.iteration
A FlatMapFunction which forwards input values in the last round of the iteration to the output.
ForwardInputsOfLastRound() - Constructor for class org.apache.flink.ml.common.iteration.ForwardInputsOfLastRound
 
FPR - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
FREQUENCY_ASC_ORDER - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
FREQUENCY_DESC_ORDER - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
fromList(List<Integer>) - Static method in class org.apache.flink.ml.builder.TableId
 
fromMap(Map<String, Object>) - Static method in class org.apache.flink.ml.builder.GraphData
 
fromMap(Map<String, Object>) - Static method in class org.apache.flink.ml.builder.GraphNode
 
Functions - Class in org.apache.flink.ml
Built-in table functions for data transformations.
Functions() - Constructor for class org.apache.flink.ml.Functions
 
Functions.ArrayToVectorFunction - Class in org.apache.flink.ml
A ScalarFunction that converts a column of arrays of numeric type into a column of DenseVector instances.
Functions.VectorToArrayFunction - Class in org.apache.flink.ml
A ScalarFunction that converts a column of Vectors into a column of double arrays.
FValueTest - Class in org.apache.flink.ml.stats.fvaluetest
An AlgoOperator which implements the F-value test algorithm.
FValueTest() - Constructor for class org.apache.flink.ml.stats.fvaluetest.FValueTest
 
FValueTestParams<T> - Interface in org.apache.flink.ml.stats.fvaluetest
Params for FValueTest.
FWE - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 

G

g - Variable in class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
GAPS - Static variable in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
gemv(double, DenseMatrix, boolean, DenseVector, double, DenseVector) - Static method in class org.apache.flink.ml.linalg.BLAS
y = alpha * matrix * x + beta * y or y = alpha * (matrix^T) * x + beta * y.
generateBatchData(DataStream<T>, int, int) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Splits the input data into global batches of batchSize.
generateModelData(int, int, int, long) - Static method in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
generateRandomModelData(StreamTableEnvironment, int, int) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil
Generates a Table containing a LogisticRegressionModelData instance with randomly generated coefficient.
generateRandomModelData(StreamTableEnvironment, int, int, double, long) - Static method in class org.apache.flink.ml.clustering.kmeans.KMeansModelData
Generates a Table containing a KMeansModelData instance with randomly generated centroids.
GenerateWeightsFunction() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator.GenerateWeightsFunction
 
get() - Static method in class org.apache.flink.iteration.checkpoint.CheckpointsBroker
 
get() - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
get(int) - Method in class org.apache.flink.iteration.DataStreamList
Returns the data stream at the given index in this list.
get() - Static method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
get(int, int) - Method in class org.apache.flink.ml.linalg.DenseMatrix
 
get(int) - Method in class org.apache.flink.ml.linalg.DenseVector
 
get(int, int) - Method in interface org.apache.flink.ml.linalg.Matrix
Gets value of the (i,j) element.
get(int) - Method in class org.apache.flink.ml.linalg.SparseVector
 
get(int) - Method in interface org.apache.flink.ml.linalg.Vector
Gets the value of the ith element.
get(Param<V>) - Method in interface org.apache.flink.ml.param.WithParams
Gets the value of the parameter.
get(int) - Method in class org.apache.flink.ml.servable.api.Row
Returns the value at the given index.
getActualStream(int) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
getActualTransformation(int) - Method in interface org.apache.flink.iteration.compile.DraftTransformationTranslator.Context
 
getAlpha() - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
getAlpha1() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getAlpha2() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getArity() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
getArity() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.DoubleGenerator
 
getArity() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
getArity() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
getArity() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
getArity() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
getArity() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
getArity() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
getArity() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
getArraySize() - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasArraySize
 
getAs(int) - Method in class org.apache.flink.ml.servable.api.Row
Returns the value at the given index as the given type.
getAvailableLocales() - Static method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
Returns a set of all installed locales.
getBatchStrategy() - Method in interface org.apache.flink.ml.common.param.HasBatchStrategy
 
getBeta() - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
getBeta() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getBinary() - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
getBinary() - Method in interface org.apache.flink.ml.feature.hashingtf.HashingTFParams
 
getBroadcastingInternalOutputs(Object) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
getBroadcastState(MapStateDescriptor<K, V>) - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
getBroadcastVariable(String) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
getBroadcastVariable(String) - Method in class org.apache.flink.ml.common.broadcast.BroadcastStreamingRuntimeContext
 
getBroadcastVariableWithInitializer(String, BroadcastVariableInitializer<T, C>) - Method in class org.apache.flink.ml.common.broadcast.BroadcastStreamingRuntimeContext
 
getCaseSensitive() - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
getCategoricalCols() - Method in interface org.apache.flink.ml.common.param.HasCategoricalCols
 
getChainingOutputTag(Object) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
getChainingStrategy() - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
getCheckpointId() - Method in class org.apache.flink.iteration.IterationRecord
 
getCheckpointId() - Method in class org.apache.flink.iteration.operator.event.CoordinatorCheckpointEvent
 
getCheckpointId() - Method in class org.apache.flink.iteration.proxy.state.ProxyStateSnapshotContext
 
getCheckpoints(SubtaskFeedbackKey<V>) - Method in class org.apache.flink.iteration.checkpoint.CheckpointsBroker
 
getCheckpointTimestamp() - Method in class org.apache.flink.iteration.proxy.state.ProxyStateSnapshotContext
 
getClassField(Class<?>, String) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
 
getColNames() - Method in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
getColumnIndexes(ResolvedSchema, String[]) - Static method in class org.apache.flink.ml.common.datastream.TableUtils
 
getColumnNames() - Method in class org.apache.flink.ml.servable.api.DataFrame
Returns a list of the names of all the columns in this DataFrame.
getCompressThreshold() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
getComputeFullTree() - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
getCoordinatorProvider(String, OperatorID) - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
getCount() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
getCountingInternalOutput(Object) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
getCurrentKey() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
getCurrentKey() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
getCurrentKey() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getCurrentKey() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
getData(StreamTableEnvironment) - Method in class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator
 
getData(StreamTableEnvironment) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.InputTableGenerator
 
getData(StreamTableEnvironment) - Method in interface org.apache.flink.ml.benchmark.datagenerator.DataGenerator
Gets an array of Tables containing the data generated in the provided stream table environment.
getDataCachePath(Configuration, String[]) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
 
getDataPath(String) - Static method in class org.apache.flink.ml.util.FileUtils
Returns a subdirectory of the given path for saving/loading model data.
getDataStreams() - Method in class org.apache.flink.iteration.DataStreamList
Returns all the data streams as a native list.
getDataType(String) - Method in class org.apache.flink.ml.servable.api.DataFrame
Returns the data type of the column with the given name.
getDecayFactor() - Method in interface org.apache.flink.ml.common.param.HasDecayFactor
 
getDefaultOrUS() - Static method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
Returns system default locale, or Locale.US if the default locale is not in available locales in JVM.
getDefaultTrigger(StreamExecutionEnvironment) - Method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
getDegree() - Method in interface org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansionParams
 
getDistanceMeasure() - Method in interface org.apache.flink.ml.common.param.HasDistanceMeasure
 
getDistanceThreshold() - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
getDouble(byte[], int) - Static method in class org.apache.flink.ml.util.Bits
 
getDownstreamSubtaskStateMapper() - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
getDropLast() - Method in interface org.apache.flink.ml.feature.onehotencoder.OneHotEncoderParams
 
getElasticNet() - Method in interface org.apache.flink.ml.common.param.HasElasticNet
 
getElementType() - Method in class org.apache.flink.ml.servable.types.MatrixType
 
getElementType() - Method in class org.apache.flink.ml.servable.types.ScalarType
 
getElementType() - Method in class org.apache.flink.ml.servable.types.VectorType
 
getElementTypeInfo() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
getEpoch() - Method in class org.apache.flink.iteration.IterationRecord
 
getEpoch() - Method in class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
getEpoch() - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
getExecutionConfig() - Method in interface org.apache.flink.iteration.compile.DraftTransformationTranslator.Context
 
getExecutionEnvironment(StreamTableEnvironment) - Static method in class org.apache.flink.ml.common.datastream.TableUtils
 
getFeatureArity() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
getFeatures() - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
getFeaturesCol() - Method in interface org.apache.flink.ml.common.param.HasFeaturesCol
 
getFeatureType() - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
getFeedbackVariableStreams() - Method in class org.apache.flink.iteration.IterationBodyResult
 
getFieldValue(Object, Field) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
 
getFieldValue(Object, Class<?>, String) - Static method in class org.apache.flink.iteration.utils.ReflectionUtils
 
getFileSystem() - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
getFileSystem() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
 
getFlatComparators() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
getFlatComparators() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
getFlatten() - Method in interface org.apache.flink.ml.common.param.HasFlatten
 
getGap() - Method in class org.apache.flink.ml.common.window.EventTimeSessionWindows
 
getGap() - Method in class org.apache.flink.ml.common.window.ProcessingTimeSessionWindows
 
getGaps() - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
getGlobalBatchSize() - Method in interface org.apache.flink.ml.common.param.HasGlobalBatchSize
 
getHandleInvalid() - Method in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
getHeadBuffer() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
getIndex(String) - Method in class org.apache.flink.ml.servable.api.DataFrame
Returns the index of the column with the given name.
getIndices() - Method in interface org.apache.flink.ml.feature.vectorslicer.VectorSlicerParams
 
getInitMode() - Method in interface org.apache.flink.ml.clustering.kmeans.KMeansParams
 
getInnerSerializer() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
getInnerTypeInfo() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
getInputCol() - Method in interface org.apache.flink.ml.common.param.HasInputCol
 
getInputCols() - Method in interface org.apache.flink.ml.common.param.HasInputCols
 
getInputs() - Method in class org.apache.flink.iteration.operator.allround.MultipleInputAllRoundWrapperOperator
 
getInputs() - Method in class org.apache.flink.iteration.operator.perround.MultipleInputPerRoundWrapperOperator
 
getInputs() - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperator
 
getInputSizes() - Method in interface org.apache.flink.ml.feature.vectorassembler.VectorAssemblerParams
 
getInstance() - Static method in class org.apache.flink.ml.common.distance.CosineDistanceMeasure
 
getInstance(String) - Static method in interface org.apache.flink.ml.common.distance.DistanceMeasure
 
getInstance() - Static method in class org.apache.flink.ml.common.distance.EuclideanDistanceMeasure
 
getInstance() - Static method in class org.apache.flink.ml.common.distance.ManhattanDistanceMeasure
 
getInstance() - Static method in class org.apache.flink.ml.common.window.GlobalWindows
Gets a GlobalWindows instance.
getInternalTimerService(String, TypeSerializer<K>, TypeSerializer<N>, Triggerable<K, N>) - Method in class org.apache.flink.iteration.proxy.state.ProxyInternalTimeServiceManager
 
getInverse() - Method in interface org.apache.flink.ml.feature.dct.DCTParams
 
getItemCol() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getK() - Method in interface org.apache.flink.ml.classification.knn.KnnModelParams
 
getK() - Method in interface org.apache.flink.ml.clustering.kmeans.KMeansModelParams
 
getK() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getKey(IterationRecord<T>) - Method in class org.apache.flink.iteration.proxy.ProxyKeySelector
 
getKeyGroupRange() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getKeys(String, N) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getKeysAndNamespaces(String) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getKeySerializer() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getLabel() - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
getLabelArity() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
getLabelCol() - Method in interface org.apache.flink.ml.common.param.HasLabelCol
 
getLabelType() - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
getLatestRoundAligned() - Method in class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
getLatestRoundAligned() - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
getLatestRoundGloballyAligned() - Method in class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
getLatestRoundGloballyAligned() - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
getLearningRate() - Method in interface org.apache.flink.ml.common.param.HasLearningRate
 
getLength() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
getLength() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
getLength() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
getLength() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
getLength() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
getLength() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
getLength() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
getLength() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
getLength() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
getLinkage() - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
getListState(ListStateDescriptor<S>) - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
getLocale() - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
getLong(byte[], int) - Static method in class org.apache.flink.ml.util.Bits
 
getLower() - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
getMax() - Method in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
getMaxAllowedModelDelayMs() - Method in interface org.apache.flink.ml.common.param.HasMaxAllowedModelDelayMs
 
getMaxCategories() - Method in interface org.apache.flink.ml.feature.vectorindexer.VectorIndexerParams
 
getMaxDF() - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
getMaxIndexNum() - Method in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
getMaxIter() - Method in interface org.apache.flink.ml.common.param.HasMaxIter
 
getMaxUserBehavior() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getMaxUserNumPerItem() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getMetricGroup() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
getMetricGroup() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
getMetricGroup() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
getMetricsNames() - Method in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 
getMin() - Method in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
getMinDF() - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
getMinDocFreq() - Method in interface org.apache.flink.ml.feature.idf.IDFParams
 
getMinTF() - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
getMinTokenLength() - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
getMinUserBehavior() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getMissingValue() - Method in interface org.apache.flink.ml.feature.imputer.ImputerModelParams
 
getModelData() - Method in interface org.apache.flink.ml.api.Model
Gets a list of tables representing the model data.
getModelData() - Method in class org.apache.flink.ml.builder.GraphModel
 
getModelData() - Method in class org.apache.flink.ml.classification.knn.KnnModel
 
getModelData() - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
getModelData() - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
getModelData() - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
getModelData() - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
getModelData() - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
getModelData() - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
getModelData() - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.idf.IDFModel
 
getModelData() - Method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
getModelData() - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
getModelData() - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
getModelData() - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
getModelData() - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
getModelData() - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
getModelData() - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
getModelDataByteStream(Table) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil
Converts the table model to a data stream of bytes.
getModelDataFromEstimator(Estimator<?, ?>) - Method in class org.apache.flink.ml.builder.GraphBuilder
When the graph runs as Estimator, it first generates a GraphModel that contains the Model fitted by the given Estimator.
getModelDataFromModel(Model<?>) - Method in class org.apache.flink.ml.builder.GraphBuilder
When the graph runs as Estimator, the getModelData() of the given Model would be invoked.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.classification.knn.KnnModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.clustering.kmeans.KMeansModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.idf.IDFModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.imputer.ImputerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData
Converts the table model to a data stream.
getModelDataStream(Table) - Static method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData
Converts the table model to a data stream.
getModelType() - Method in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesModelParams
 
getModelVersionCol() - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModelParams
 
getModelVersionCol() - Method in interface org.apache.flink.ml.common.param.HasModelVersionCol
 
getMultiClass() - Method in interface org.apache.flink.ml.common.param.HasMultiClass
 
getN() - Method in interface org.apache.flink.ml.feature.ngram.NGramParams
 
getNamePrefix() - Method in class org.apache.flink.iteration.proxy.state.StateNamePrefix
 
getNormalizeKeyLen() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
getNormalizeKeyLen() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
getNumBins() - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
getNumClusters() - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
getNumDistinctValues() - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasNumDistinctValues
 
getNumFeatures() - Method in interface org.apache.flink.ml.common.param.HasNumFeatures
 
getNumFeedbackRecordsEachRound() - Method in class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
getNumFeedbackRecordsPerEpoch() - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
getNumHashFunctionsPerTable() - Method in interface org.apache.flink.ml.feature.lsh.LSHParams
 
getNumHashTables() - Method in interface org.apache.flink.ml.feature.lsh.LSHParams
 
getNumRecordsThisRound() - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
getNumValues() - Method in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
getOperatorEventGateway() - Method in class org.apache.flink.iteration.operator.HeadOperator
 
getOperatorFactory() - Method in class org.apache.flink.iteration.operator.WrapperOperatorFactory
 
getOperatorID() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
getOperatorId() - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator.HeadOperatorCoordinatorProvider
 
getOperatorID() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
getOperatorID() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
getOperatorLifeCycle() - Method in class org.apache.flink.iteration.IterationConfig
 
getOrCreate(IterationID, int, OperatorCoordinator.Context, Supplier<Executor>) - Static method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
getOrCreateKeyedState(TypeSerializer<N>, StateDescriptor<S, T>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getOutputCol() - Method in interface org.apache.flink.ml.common.param.HasOutputCol
 
getOutputCols() - Method in interface org.apache.flink.ml.common.param.HasOutputCols
 
getOutputStreams() - Method in class org.apache.flink.iteration.IterationBodyResult
 
getP() - Method in interface org.apache.flink.ml.feature.normalizer.NormalizerParams
 
getParam(String) - Method in interface org.apache.flink.ml.param.WithParams
Gets the parameter by its name.
getParamMap() - Method in class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator
 
getParamMap() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.InputTableGenerator
 
getParamMap() - Method in class org.apache.flink.ml.builder.Graph
 
getParamMap() - Method in class org.apache.flink.ml.builder.GraphModel
 
getParamMap() - Method in class org.apache.flink.ml.builder.Pipeline
 
getParamMap() - Method in class org.apache.flink.ml.builder.PipelineModel
 
getParamMap() - Method in class org.apache.flink.ml.classification.knn.Knn
 
getParamMap() - Method in class org.apache.flink.ml.classification.knn.KnnModel
 
getParamMap() - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVC
 
getParamMap() - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
getParamMap() - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegression
 
getParamMap() - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
getParamMap() - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
 
getParamMap() - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
 
getParamMap() - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
getParamMap() - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayes
 
getParamMap() - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
getParamMap() - Method in class org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClustering
 
getParamMap() - Method in class org.apache.flink.ml.clustering.kmeans.KMeans
 
getParamMap() - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
getParamMap() - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
 
getParamMap() - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
getParamMap() - Method in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator
 
getParamMap() - Method in class org.apache.flink.ml.feature.binarizer.Binarizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.bucketizer.Bucketizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.dct.DCT
 
getParamMap() - Method in class org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProduct
 
getParamMap() - Method in class org.apache.flink.ml.feature.featurehasher.FeatureHasher
 
getParamMap() - Method in class org.apache.flink.ml.feature.hashingtf.HashingTF
 
getParamMap() - Method in class org.apache.flink.ml.feature.idf.IDF
 
getParamMap() - Method in class org.apache.flink.ml.feature.idf.IDFModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.imputer.Imputer
 
getParamMap() - Method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.interaction.Interaction
 
getParamMap() - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScaler
 
getParamMap() - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler
 
getParamMap() - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.ngram.NGram
 
getParamMap() - Method in class org.apache.flink.ml.feature.normalizer.Normalizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoder
 
getParamMap() - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansion
 
getParamMap() - Method in class org.apache.flink.ml.feature.randomsplitter.RandomSplitter
 
getParamMap() - Method in class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.robustscaler.RobustScaler
 
getParamMap() - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.sqltransformer.SQLTransformer
 
getParamMap() - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScaler
 
getParamMap() - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.standardscaler.StandardScaler
 
getParamMap() - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
 
getParamMap() - Method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexer
 
getParamMap() - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.tokenizer.Tokenizer
 
getParamMap() - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelector
 
getParamMap() - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelector
 
getParamMap() - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.vectorassembler.VectorAssembler
 
getParamMap() - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexer
 
getParamMap() - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
getParamMap() - Method in class org.apache.flink.ml.feature.vectorslicer.VectorSlicer
 
getParamMap() - Method in interface org.apache.flink.ml.param.WithParams
Returns a map which should contain value for every parameter that meets one of the following conditions.
getParamMap() - Method in class org.apache.flink.ml.recommendation.swing.Swing
 
getParamMap() - Method in class org.apache.flink.ml.regression.linearregression.LinearRegression
 
getParamMap() - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
getParamMap() - Method in class org.apache.flink.ml.servable.builder.PipelineModelServable
 
getParamMap() - Method in class org.apache.flink.ml.stats.anovatest.ANOVATest
 
getParamMap() - Method in class org.apache.flink.ml.stats.chisqtest.ChiSqTest
 
getParamMap() - Method in class org.apache.flink.ml.stats.fvaluetest.FValueTest
 
getPartitionedState(N, TypeSerializer<N>, StateDescriptor<S, ?>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
getPathForPipelineStage(int, int, String) - Static method in class org.apache.flink.ml.util.FileUtils
 
getPathSupplier() - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
getPattern() - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
getPickledBytesFromJavaObject(Object, TypeInformation<?>) - Static method in class org.apache.flink.ml.python.PythonBridgeUtils
 
getPosition() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheReader
 
getPredictionCol() - Method in interface org.apache.flink.ml.common.param.HasPredictionCol
 
getProducedType() - Method in class org.apache.flink.ml.classification.knn.KnnModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.idf.IDFModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.imputer.ImputerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData.ModelDataStreamFormat
 
getProducedType() - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData.ModelDataDecoder
 
getProducedType() - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData.ModelDataDecoder
 
getPublicFinalParamFields(Object) - Static method in class org.apache.flink.ml.util.ParamUtils
Finds all public final fields of the Param class type of the given object, including those fields inherited from its interfaces and super-classes, and returns those Param instances as a list.
getRawKeyedOperatorStateOutput() - Method in class org.apache.flink.iteration.proxy.state.ProxyStateSnapshotContext
 
getRawOperatorStateOutput() - Method in class org.apache.flink.iteration.proxy.state.ProxyStateSnapshotContext
 
getRawPredictionCol() - Method in interface org.apache.flink.ml.common.param.HasRawPredictionCol
 
getReaderPosition() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
 
getRecord() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
getRecordWriter(Object) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
getRecordWriterTypeSerializer(Object) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
getReg() - Method in interface org.apache.flink.ml.common.param.HasReg
 
getRegisteredBroadcastStateNames() - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
getRegisteredStateNames() - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
getRelativeError() - Method in interface org.apache.flink.ml.common.param.HasRelativeError
 
getRelativeError() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
getRestoredCheckpointId() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
getRow() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
Generates a new data point.
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.DenseVectorArrayGenerator
 
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.DenseVectorGenerator
 
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.DoubleGenerator
 
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.InputTableGenerator
Gets generators for all input tables.
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RandomStringArrayGenerator
 
getRowGenerators() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RandomStringGenerator
 
getRowTypeInfo() - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
Returns the output type information for this generator.
getRowTypeInfo(ResolvedSchema) - Static method in class org.apache.flink.ml.common.datastream.TableUtils
 
getSampled() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
getScalingVec() - Method in interface org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProductParams
 
getSeed() - Method in interface org.apache.flink.ml.common.param.HasSeed
 
getSegments() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
 
getSegments() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
Flushes all added records to segments and returns a list of segments containing all cached records.
getSelectionMode() - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
getSelectionThreshold() - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
getSender() - Method in class org.apache.flink.iteration.IterationRecord
 
getSize() - Method in class org.apache.flink.ml.common.window.CountTumblingWindows
 
getSize() - Method in class org.apache.flink.ml.common.window.EventTimeTumblingWindows
 
getSize() - Method in class org.apache.flink.ml.common.window.ProcessingTimeTumblingWindows
 
getSmoothing() - Method in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesParams
 
getSplitsArray() - Method in interface org.apache.flink.ml.feature.bucketizer.BucketizerParams
 
getStatement() - Method in interface org.apache.flink.ml.feature.sqltransformer.SQLTransformerParams
 
getStatus() - Method in class org.apache.flink.iteration.operator.HeadOperator
 
getStopWords() - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
getStrategy() - Method in interface org.apache.flink.ml.feature.imputer.ImputerParams
 
getStrategy() - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
getStreamConfig() - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
getStreamOperatorClass(ClassLoader, StreamOperatorFactory<T>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
getStreamOperatorClass(ClassLoader) - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
getStreamOperatorClass(ClassLoader, StreamOperatorFactory<T>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
getStreamOperatorClass(ClassLoader, StreamOperatorFactory<T>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
getStreamOperatorClass(ClassLoader) - Method in class org.apache.flink.iteration.operator.WrapperOperatorFactory
 
getStreamOperatorClass(ClassLoader) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperatorFactory
 
getStreamOperatorClass(ClassLoader, StreamOperatorFactory<T>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
getStringOrderType() - Method in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
getSubSamples() - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
getTaskInfo() - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
getTerminationCriteria() - Method in class org.apache.flink.iteration.IterationBodyResult
 
getThreshold() - Method in interface org.apache.flink.ml.classification.linearsvc.LinearSVCModelParams
 
getThresholds() - Method in interface org.apache.flink.ml.feature.binarizer.BinarizerParams
 
getTol() - Method in interface org.apache.flink.ml.common.param.HasTol
 
getToLowercase() - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
getTotalFields() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
getTotalFields() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
getType() - Method in class org.apache.flink.iteration.IterationRecord
 
getType() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
getTypeClass() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
getTypeClass() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
getTypeInference(DataTypeFactory) - Method in class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator.GenerateWeightsFunction
 
getTypeInference(DataTypeFactory) - Method in class org.apache.flink.ml.Functions.ArrayToVectorFunction
 
getTypeInference(DataTypeFactory) - Method in class org.apache.flink.ml.Functions.VectorToArrayFunction
 
getTypeInfoByName(ResolvedSchema, String) - Static method in class org.apache.flink.ml.common.datastream.TableUtils
 
getTypeSerializer() - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
getUnionListState(ListStateDescriptor<S>) - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
getUniqueElement(ListState<T>, String) - Static method in class org.apache.flink.iteration.operator.OperatorStateUtils
 
getUniqueSenderId(OperatorID, int) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
Returns the unique id for the specified operator.
getUpper() - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
getUserCol() - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
getValue() - Method in class org.apache.flink.iteration.IterationRecord
 
getVarianceThreshold() - Method in interface org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorParams
 
getVectorDim() - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasVectorDim
 
getVocabularySize() - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
getWatermark() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
getWeight() - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
getWeightCol() - Method in interface org.apache.flink.ml.common.param.HasWeightCol
 
getWeights() - Method in interface org.apache.flink.ml.feature.randomsplitter.RandomSplitterParams
 
getWindows() - Method in interface org.apache.flink.ml.common.param.HasWindows
 
getWindowSerializer(ExecutionConfig) - Method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
getWithCentering() - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
getWithMean() - Method in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
getWithScaling() - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
getWithStd() - Method in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
getWrappedKeySelector() - Method in class org.apache.flink.iteration.proxy.ProxyKeySelector
 
getWrappedOperator(int) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
getWrappedOperator(int) - Method in class org.apache.flink.iteration.operator.perround.MultipleInputPerRoundWrapperOperator
 
getWrappedOperators() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
getWrappedTypeInfo(TypeInformation<T>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
getWrappedTypeInfo(TypeInformation<T>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
getWrappedTypeInfo(TypeInformation<T>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
getWrappedTypeInfo(TypeInformation<T>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
getWrapper() - Method in class org.apache.flink.iteration.operator.WrapperOperatorFactory
 
GLOBAL_BATCH_SIZE - Static variable in interface org.apache.flink.ml.common.param.HasGlobalBatchSize
 
GloballyAlignedEvent - Class in org.apache.flink.iteration.operator.event
The event sent from HeadOperatorCoordinator to HeadOperator to notify a round is globally aligned and whether the iteration should terminate.
GloballyAlignedEvent(int, boolean) - Constructor for class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
GlobalWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups all elements into a single global window.
Graph - Class in org.apache.flink.ml.builder
A Graph acts as an Estimator.
Graph(List<GraphNode>, TableId[], TableId[], TableId[], TableId[], TableId[]) - Constructor for class org.apache.flink.ml.builder.Graph
 
GraphBuilder - Class in org.apache.flink.ml.builder
A GraphBuilder provides APIs to build Estimator/Model/AlgoOperator from a DAG of stages, each of which could be an Estimator, Model, Transformer or AlgoOperator.
GraphBuilder() - Constructor for class org.apache.flink.ml.builder.GraphBuilder
 
GraphData - Class in org.apache.flink.ml.builder
This class contains fields that can be used to re-construct Graph and GraphModel.
GraphData(List<GraphNode>, TableId[], TableId[], TableId[], TableId[], TableId[]) - Constructor for class org.apache.flink.ml.builder.GraphData
 
GraphModel - Class in org.apache.flink.ml.builder
A GraphModel acts as a Model.
GraphModel(List<GraphNode>, TableId[], TableId[], TableId[], TableId[]) - Constructor for class org.apache.flink.ml.builder.GraphModel
 
GraphNode - Class in org.apache.flink.ml.builder
The Graph node class.
GraphNode(int, Stage<?>, GraphNode.StageType, TableId[], TableId[], TableId[], TableId[], TableId[]) - Constructor for class org.apache.flink.ml.builder.GraphNode
 
GraphNode.StageType - Enum in org.apache.flink.ml.builder
This class specifies whether a node should be used as Estimator or AlgoOperator.
gt(double) - Static method in class org.apache.flink.ml.param.ParamValidators
 
gtEq(double) - Static method in class org.apache.flink.ml.param.ParamValidators
 

H

HANDLE_INVALID - Static variable in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
handleEventFromOperator(int, int, OperatorEvent) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
handleOperatorEvent(OperatorEvent) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
HasArraySize<T> - Interface in org.apache.flink.ml.benchmark.datagenerator.param
Interface for the benchmark array size param.
HasBatchStrategy<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared batch strategy param.
hasBroadcastVariable(String) - Method in class org.apache.flink.ml.common.broadcast.BroadcastStreamingRuntimeContext
 
HasCategoricalCols<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared categoricalCols param.
HasDecayFactor<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared decay factor param.
HasDistanceMeasure<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared distanceMeasure param.
HasElasticNet<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared elasticNet param, which specifies the mixing of L1 and L2 penalty: If the value is zero, it is L2 penalty.
HasFeaturesCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared featuresCol param.
HasFlatten<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared flatten param.
HasGlobalBatchSize<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared global batch size param.
hash(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
hash(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
HasHandleInvalid<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared handleInvalid param.
hashCode() - Method in class org.apache.flink.iteration.datacache.nonkeyed.Segment
 
hashCode() - Method in class org.apache.flink.iteration.IterationRecord
 
hashCode() - Method in class org.apache.flink.iteration.operator.event.CoordinatorCheckpointEvent
 
hashCode() - Method in class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
hashCode() - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
hashCode() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
hashCode() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.builder.GraphNode
 
hashCode() - Method in class org.apache.flink.ml.builder.TableId
 
hashCode() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
hashCode() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
hashCode() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
hashCode() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.common.window.CountTumblingWindows
 
hashCode() - Method in class org.apache.flink.ml.common.window.EventTimeSessionWindows
 
hashCode() - Method in class org.apache.flink.ml.common.window.EventTimeTumblingWindows
 
hashCode() - Method in class org.apache.flink.ml.common.window.GlobalWindows
 
hashCode() - Method in class org.apache.flink.ml.common.window.ProcessingTimeSessionWindows
 
hashCode() - Method in class org.apache.flink.ml.common.window.ProcessingTimeTumblingWindows
 
hashCode() - Method in class org.apache.flink.ml.linalg.DenseVector
 
hashCode() - Method in class org.apache.flink.ml.linalg.SparseVector
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
hashCode() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
hashCode() - Method in class org.apache.flink.ml.param.Param
 
hashFunction(Vector) - Method in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
HashingTF - Class in org.apache.flink.ml.feature.hashingtf
A Transformer that maps a sequence of terms(strings, numbers, booleans) to a sparse vector with a specified dimension using the hashing trick.
HashingTF() - Constructor for class org.apache.flink.ml.feature.hashingtf.HashingTF
 
HashingTF.HashTFFunction - Class in org.apache.flink.ml.feature.hashingtf
The main logic of HashingTF, which converts the input to a sparse vector.
HashingTFExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a HashingTF instance and uses it for feature engineering.
HashingTFExample() - Constructor for class org.apache.flink.ml.examples.feature.HashingTFExample
 
HashingTFParams<T> - Interface in org.apache.flink.ml.feature.hashingtf
Params of HashingTF.
HashTFFunction(String, boolean, int) - Constructor for class org.apache.flink.ml.feature.hashingtf.HashingTF.HashTFFunction
 
HasInputCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared inputCol param.
HasInputCols<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared inputCols param.
HasLabelCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared label column param.
HasLearningRate<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared learning rate param.
HasMaxAllowedModelDelayMs<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared max allowed model delay in milliseconds param.
HasMaxIter<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared maxIter param.
HasModelVersionCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared model version column param.
HasMultiClass<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared multi-class param.
hasNext() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheReader
 
HasNumDistinctValues<T> - Interface in org.apache.flink.ml.benchmark.datagenerator.param
Interface for the benchmark num distinct values param.
HasNumFeatures<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared num features param.
HasOutputCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared outputCol param.
HasOutputCols<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared outputCols param.
HasPredictionCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared prediction column param.
HasRawPredictionCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared raw prediction column param.
HasReg<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared regularization param.
HasRelativeError<T> - Interface in org.apache.flink.ml.common.param
Interface for shared param relativeError.
HasSeed<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared seed param.
HasTol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared tolerance param.
HasVectorDim<T> - Interface in org.apache.flink.ml.benchmark.datagenerator.param
Interface for the benchmark vector dimension param.
HasWeightCol<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared weight column param.
HasWindows<T> - Interface in org.apache.flink.ml.common.param
Interface for the shared windows param.
hDot(Vector, Vector) - Static method in class org.apache.flink.ml.linalg.BLAS
Computes the hadamard product of the two vectors (y = y \hdot x).
HeadOperator - Class in org.apache.flink.iteration.operator
The head operator unions the initialized variable stream and the feedback stream, synchronize the epoch watermark (round) and taking care of the checkpoints.
HeadOperator(IterationID, int, boolean, MailboxExecutor, OperatorEventGateway, ProcessingTimeService) - Constructor for class org.apache.flink.iteration.operator.HeadOperator
 
HeadOperatorCoordinator - Class in org.apache.flink.iteration.operator.coordinator
The OperatorCoordinator of the HeadOperator, it notifies the SharedProgressAligner when received aligned event from the operator, and emit the globally aligned event back after one round is globally aligned.
HeadOperatorCoordinator(OperatorCoordinator.Context, SharedProgressAligner) - Constructor for class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
HeadOperatorCoordinator.HeadOperatorCoordinatorProvider - Class in org.apache.flink.iteration.operator.coordinator
The factory of HeadOperatorCoordinator.
HeadOperatorCoordinatorProvider(OperatorID, IterationID, int) - Constructor for class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator.HeadOperatorCoordinatorProvider
 
HeadOperatorFactory - Class in org.apache.flink.iteration.operator
The Factory for the HeadOperator.
HeadOperatorFactory(IterationID, int, boolean, int) - Constructor for class org.apache.flink.iteration.operator.HeadOperatorFactory
 
HeadOperatorRecordProcessor - Interface in org.apache.flink.iteration.operator.headprocessor
The component to actually deal with the event received in the HeadOperator.
HeadOperatorRecordProcessor.Context - Interface in org.apache.flink.iteration.operator.headprocessor
HeadOperatorState - Class in org.apache.flink.iteration.operator.headprocessor
The state entry for the head operator.
HeadOperatorState() - Constructor for class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
HeadOperatorState(Map<Integer, Long>, int, int) - Constructor for class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
HingeLoss - Class in org.apache.flink.ml.common.lossfunc
The loss function for hinge loss.

I

id - Variable in class org.apache.flink.ml.builder.TableId
 
IDF - Class in org.apache.flink.ml.feature.idf
An Estimator that computes the inverse document frequency (IDF) for the input documents.
IDF() - Constructor for class org.apache.flink.ml.feature.idf.IDF
 
idf - Variable in class org.apache.flink.ml.feature.idf.IDFModelData
Inverse document frequency for all terms.
IDFExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains an IDF model and uses it for feature engineering.
IDFExample() - Constructor for class org.apache.flink.ml.examples.feature.IDFExample
 
IDFModel - Class in org.apache.flink.ml.feature.idf
A Model which transforms data using the model data computed by IDF.
IDFModel() - Constructor for class org.apache.flink.ml.feature.idf.IDFModel
 
IDFModelData - Class in org.apache.flink.ml.feature.idf
Model data of IDFModel.
IDFModelData() - Constructor for class org.apache.flink.ml.feature.idf.IDFModelData
 
IDFModelData(DenseVector, long[], long) - Constructor for class org.apache.flink.ml.feature.idf.IDFModelData
 
IDFModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.idf
Decoder for IDFModelData.
IDFModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.idf
Encoder for IDFModelData.
IDFModelParams<T> - Interface in org.apache.flink.ml.feature.idf
Params for IDFModel.
IDFParams<T> - Interface in org.apache.flink.ml.feature.idf
Params for IDF.
Imputer - Class in org.apache.flink.ml.feature.imputer
The imputer for completing missing values of the input columns.
Imputer() - Constructor for class org.apache.flink.ml.feature.imputer.Imputer
 
ImputerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a Imputer model and uses it for feature engineering.
ImputerExample() - Constructor for class org.apache.flink.ml.examples.feature.ImputerExample
 
ImputerModel - Class in org.apache.flink.ml.feature.imputer
A Model which replaces the missing values using the model data computed by Imputer.
ImputerModel() - Constructor for class org.apache.flink.ml.feature.imputer.ImputerModel
 
ImputerModelData - Class in org.apache.flink.ml.feature.imputer
Model data of ImputerModel.
ImputerModelData() - Constructor for class org.apache.flink.ml.feature.imputer.ImputerModelData
 
ImputerModelData(Map<String, Double>) - Constructor for class org.apache.flink.ml.feature.imputer.ImputerModelData
 
ImputerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.imputer
Decoder for ImputerModelData.
ImputerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.imputer
Encoder for ImputerModelData.
ImputerModelParams<T> - Interface in org.apache.flink.ml.feature.imputer
Params for ImputerModel.
ImputerParams<T> - Interface in org.apache.flink.ml.feature.imputer
Params of Imputer.
inArray(T...) - Static method in class org.apache.flink.ml.param.ParamValidators
 
incrementEpoch() - Method in class org.apache.flink.iteration.IterationRecord
 
indexOfSubtask - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Index of this subtask.
IndexToStringModel - Class in org.apache.flink.ml.feature.stringindexer
A Model which transforms input index column(s) to string column(s) using the model data computed by StringIndexer.
IndexToStringModel() - Constructor for class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
IndexToStringModelExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates an IndexToStringModelExample instance and uses it for feature engineering.
IndexToStringModelExample() - Constructor for class org.apache.flink.ml.examples.feature.IndexToStringModelExample
 
IndexToStringModelParams<T> - Interface in org.apache.flink.ml.feature.stringindexer
Params for IndexToStringModel.
indices - Variable in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData
Indices of the input features that are selected.
indices - Variable in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData
 
INDICES - Static variable in interface org.apache.flink.ml.feature.vectorslicer.VectorSlicerParams
 
indices - Variable in class org.apache.flink.ml.linalg.SparseVector
 
indicesValidator() - Static method in interface org.apache.flink.ml.feature.vectorslicer.VectorSlicerParams
 
INIT_MODE - Static variable in interface org.apache.flink.ml.clustering.kmeans.KMeansParams
 
initializeMapWithDefaultValues(Map<Param<?>, Object>, WithParams<?>) - Static method in class org.apache.flink.ml.util.ParamUtils
Updates the paramMap with default values of all public final Param-typed fields of the given instance.
initializeState(StreamTaskStateInitializer) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
initializeState(HeadOperatorState, Iterable<StatePartitionStreamProvider>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor
 
initializeState(HeadOperatorState, Iterable<StatePartitionStreamProvider>) - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
initializeState(HeadOperatorState, Iterable<StatePartitionStreamProvider>) - Method in class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
initializeState(StreamTaskStateInitializer) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
initializeState(StreamTaskStateInitializer) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperator
 
initializeState(StateInitializationContext) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler.MinMaxReduceFunctionOperator
 
INPUT_COL - Static variable in interface org.apache.flink.ml.common.param.HasInputCol
 
INPUT_COLS - Static variable in interface org.apache.flink.ml.common.param.HasInputCols
 
INPUT_SIZES - Static variable in interface org.apache.flink.ml.feature.vectorassembler.VectorAssemblerParams
 
InputDataGenerator<T extends InputDataGenerator<T>> - Interface in org.apache.flink.ml.benchmark.datagenerator
Interface for generating data as input table arrays.
inputModelDataIds - Variable in class org.apache.flink.ml.builder.GraphData
 
inputModelDataIds - Variable in class org.apache.flink.ml.builder.GraphNode
 
InputOperator<T> - Class in org.apache.flink.iteration.operator
Input operator that wraps the user record into IterationRecord.
InputOperator() - Constructor for class org.apache.flink.iteration.operator.InputOperator
 
inputRecordNum - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The total number of input records.
InputTableGenerator<T extends InputTableGenerator<T>> - Class in org.apache.flink.ml.benchmark.datagenerator.common
Base class for generating data as input table arrays.
InputTableGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.InputTableGenerator
 
inputThroughput - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The average input throughput in number of records per second.
inRange(double, double, boolean, boolean) - Static method in class org.apache.flink.ml.param.ParamValidators
Check if the parameter value is in the range from lowerBound to upperBound.
inRange(double, double) - Static method in class org.apache.flink.ml.param.ParamValidators
 
insert(double) - Method in class org.apache.flink.ml.common.util.QuantileSummary
Insert a new observation into the summary.
INSTANCE - Static variable in class org.apache.flink.iteration.operator.event.TerminatingOnInitializeEvent
 
INSTANCE - Static variable in class org.apache.flink.ml.common.lossfunc.BinaryLogisticLoss
 
INSTANCE - Static variable in class org.apache.flink.ml.common.lossfunc.HingeLoss
 
INSTANCE - Static variable in class org.apache.flink.ml.common.lossfunc.LeastSquareLoss
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
INSTANCE - Static variable in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
instances - Static variable in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
instantiateWithParams(Map<String, ?>) - Static method in class org.apache.flink.ml.util.ParamUtils
Instantiates a WithParams subclass from the provided json map.
INT - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
IntArrayParam - Class in org.apache.flink.ml.param
Class for the integer array parameter.
IntArrayParam(String, String, Integer[], ParamValidator<Integer[]>) - Constructor for class org.apache.flink.ml.param.IntArrayParam
 
IntArrayParam(String, String, Integer[]) - Constructor for class org.apache.flink.ml.param.IntArrayParam
 
Interaction - Class in org.apache.flink.ml.feature.interaction
A Transformer that takes vector or numerical columns, and generates a single vector column that contains the product of all combinations of one value from each input column.
Interaction() - Constructor for class org.apache.flink.ml.feature.interaction.Interaction
 
InteractionExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates an Interaction instance and uses it for feature engineering.
InteractionExample() - Constructor for class org.apache.flink.ml.examples.feature.InteractionExample
 
InteractionParams<T> - Interface in org.apache.flink.ml.feature.interaction
Params of Interaction.
internalTimerServiceManager() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
IntParam - Class in org.apache.flink.ml.param
Class for the integer parameter.
IntParam(String, String, Integer, ParamValidator<Integer>) - Constructor for class org.apache.flink.ml.param.IntParam
 
IntParam(String, String, Integer) - Constructor for class org.apache.flink.ml.param.IntParam
 
INVERSE - Static variable in interface org.apache.flink.ml.feature.dct.DCTParams
 
invertNormalizedKey() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
invertNormalizedKey() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
isBasicType() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
isBasicType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
isBroadcastingOutput(Output<?>) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
isCacheFinished(String) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
isChainingOutput(Output<?>) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
isCompressed() - Method in class org.apache.flink.ml.common.util.QuantileSummary
 
isCountingOutput(Output<?>) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
isCriteriaStream() - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
isEmpty() - Method in class org.apache.flink.ml.common.util.QuantileSummary
Checks whether the QuantileSummary has inserted rows.
isEventTime() - Method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
isImmutableType() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
isImmutableType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
isKeyType() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
isKeyType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
isNormalizedKeyPrefixOnly(int) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
isNormalizedKeyPrefixOnly(int) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
isPointwise() - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
isRecordWriterOutput(Output<?>) - Method in class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
isRestored() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
isSubSet(T...) - Static method in class org.apache.flink.ml.param.ParamValidators
 
isTerminated() - Method in class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
isTupleType() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
isTupleType() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
isUsingCustomRawKeyedState() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
ITEM_COL - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
iterateBoundedStreamsUntilTermination(DataStreamList, ReplayableDataStreamList, IterationConfig, IterationBody) - Static method in class org.apache.flink.iteration.Iterations
This method uses an iteration body to process records in some bounded data streams iteratively until no more records are iterating or the given terminating criteria stream is empty in one round.
iterateUnboundedStreams(DataStreamList, DataStreamList, IterationBody) - Static method in class org.apache.flink.iteration.Iterations
This method uses an iteration body to process records in possibly unbounded data streams.
IterationBody - Interface in org.apache.flink.iteration
The builder of the subgraph that will be executed inside the iteration.
IterationBody.PerRoundSubBody - Interface in org.apache.flink.iteration
The sub-graph inside the iteration body that should be executed as per-round.
IterationBodyResult - Class in org.apache.flink.iteration
The result of an iteration, specifying the feedbacks and the outputs.
IterationBodyResult(DataStreamList, DataStreamList) - Constructor for class org.apache.flink.iteration.IterationBodyResult
 
IterationBodyResult(DataStreamList, DataStreamList, DataStream<?>) - Constructor for class org.apache.flink.iteration.IterationBodyResult
 
IterationConfig - Class in org.apache.flink.iteration
The config for an iteration.
IterationConfig(IterationConfig.OperatorLifeCycle) - Constructor for class org.apache.flink.iteration.IterationConfig
 
IterationConfig.IterationConfigBuilder - Class in org.apache.flink.iteration
The builder of the IterationConfig.
IterationConfig.OperatorLifeCycle - Enum in org.apache.flink.iteration
LifeCycles of the operator inside the iteration.
iterationContext - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
IterationID - Class in org.apache.flink.iteration
The id of a single iteration instance in the job graph.
IterationID(byte[]) - Constructor for class org.apache.flink.iteration.IterationID
 
IterationID() - Constructor for class org.apache.flink.iteration.IterationID
 
IterationListener<T> - Interface in org.apache.flink.iteration
The callbacks which will be invoked if the operator or UDF inside iteration implement this interface.
IterationListener.Context - Interface in org.apache.flink.iteration
Information available in an invocation of the callbacks defined in the IterationProgressListener.
IterationOptions - Class in org.apache.flink.iteration.config
The options for the iteration.
IterationOptions() - Constructor for class org.apache.flink.iteration.config.IterationOptions
 
IterationRecord<T> - Class in org.apache.flink.iteration
The wrapper for the records in iterative stream.
IterationRecord.Type - Enum in org.apache.flink.iteration
The type of iteration records.
IterationRecordSerializer<T> - Class in org.apache.flink.iteration.typeinfo
The type serializer for IterationRecord.
IterationRecordSerializer(TypeSerializer<T>) - Constructor for class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
IterationRecordTypeInfo<T> - Class in org.apache.flink.iteration.typeinfo
The type information for IterationRecord.
IterationRecordTypeInfo(TypeInformation<T>) - Constructor for class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
Iterations - Class in org.apache.flink.iteration
A helper class to create iterations.
Iterations() - Constructor for class org.apache.flink.iteration.Iterations
 

J

jsonDecode(Object) - Method in class org.apache.flink.ml.param.ArrayArrayParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.ArrayParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.DoubleParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.FloatParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.LongParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.Param
Decodes the given json-supported object into an object of class type T.
jsonDecode(Object) - Method in class org.apache.flink.ml.param.VectorParam
 
jsonDecode(Object) - Method in class org.apache.flink.ml.param.WindowsParam
 
jsonEncode(T) - Method in class org.apache.flink.ml.param.Param
Encodes the given java object into a json-supported object.
jsonEncode(Windows) - Method in class org.apache.flink.ml.param.WindowsParam
 
JsonUtils - Class in org.apache.flink.ml.util
Utility methods for reading and writing stages.
JsonUtils() - Constructor for class org.apache.flink.ml.util.JsonUtils
 

K

K - Static variable in interface org.apache.flink.ml.classification.knn.KnnModelParams
 
K - Static variable in interface org.apache.flink.ml.clustering.kmeans.KMeansModelParams
 
K - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
KBinsDiscretizer - Class in org.apache.flink.ml.feature.kbinsdiscretizer
An Estimator which implements discretization (also known as quantization or binning) to transform continuous features into discrete ones.
KBinsDiscretizer() - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizer
 
KBinsDiscretizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a KBinsDiscretizer model and uses it for feature engineering.
KBinsDiscretizerExample() - Constructor for class org.apache.flink.ml.examples.feature.KBinsDiscretizerExample
 
KBinsDiscretizerModel - Class in org.apache.flink.ml.feature.kbinsdiscretizer
A Model which transforms continuous features into discrete features using the model data computed by KBinsDiscretizer.
KBinsDiscretizerModel() - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
KBinsDiscretizerModelData - Class in org.apache.flink.ml.feature.kbinsdiscretizer
Model data of KBinsDiscretizerModel.
KBinsDiscretizerModelData() - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData
 
KBinsDiscretizerModelData(double[][]) - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData
 
KBinsDiscretizerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.kbinsdiscretizer
KBinsDiscretizerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.kbinsdiscretizer
KBinsDiscretizerModelParams<T> - Interface in org.apache.flink.ml.feature.kbinsdiscretizer
KBinsDiscretizerParams<T> - Interface in org.apache.flink.ml.feature.kbinsdiscretizer
Params for KBinsDiscretizer.
KEEP_INVALID - Static variable in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
KeyAndValueSerializer<IN> - Class in org.apache.flink.ml.common.datastream.sort
A serializer used in SortingDataInput for serializing elements alongside their key and timestamp.
KeyAndValueSerializer(TypeSerializer<IN>, int) - Constructor for class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
keyDistance(Vector, Vector) - Method in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
KeyedBroadcastStateTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the KeyedBroadcastStateTransformation.
KeyedBroadcastStateTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.KeyedBroadcastStateTransformationTranslator
 
KeyedMultipleInputTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the KeyedMultipleInputTransformation.
KeyedMultipleInputTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.KeyedMultipleInputTransformationTranslator
 
keyedStateBackend() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
KMeans - Class in org.apache.flink.ml.clustering.kmeans
An Estimator which implements the k-means clustering algorithm.
KMeans() - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeans
 
KMEANS - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
KMeansExample - Class in org.apache.flink.ml.examples.clustering
Simple program that trains a KMeans model and uses it for clustering.
KMeansExample() - Constructor for class org.apache.flink.ml.examples.clustering.KMeansExample
 
KMeansModel - Class in org.apache.flink.ml.clustering.kmeans
A Model which clusters data into k clusters using the model data computed by KMeans.
KMeansModel() - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
KMeansModelData - Class in org.apache.flink.ml.clustering.kmeans
Model data of KMeansModel and OnlineKMeansModel.
KMeansModelData(DenseVector[], DenseVector) - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeansModelData
 
KMeansModelData() - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeansModelData
 
KMeansModelData.ModelDataDecoder - Class in org.apache.flink.ml.clustering.kmeans
Data decoder for KMeansModelData.
KMeansModelData.ModelDataEncoder - Class in org.apache.flink.ml.clustering.kmeans
Data encoder for KMeansModelData.
KMeansModelDataGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.clustering
A DataGenerator which creates a table containing one KMeansModel instance.
KMeansModelDataGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.clustering.KMeansModelDataGenerator
 
KMeansModelDataGenerator.GenerateWeightsFunction - Class in org.apache.flink.ml.benchmark.datagenerator.clustering
A scalar function that generates the weights vector for KMeansModelData from the centroids information.
KMeansModelParams<T> - Interface in org.apache.flink.ml.clustering.kmeans
KMeansParams<T> - Interface in org.apache.flink.ml.clustering.kmeans
Params of KMeans.
Knn - Class in org.apache.flink.ml.classification.knn
An Estimator which implements the KNN algorithm.
Knn() - Constructor for class org.apache.flink.ml.classification.knn.Knn
 
KnnExample - Class in org.apache.flink.ml.examples.classification
Simple program that trains a Knn model and uses it for classification.
KnnExample() - Constructor for class org.apache.flink.ml.examples.classification.KnnExample
 
KnnModel - Class in org.apache.flink.ml.classification.knn
A Model which classifies data using the model data computed by Knn.
KnnModel() - Constructor for class org.apache.flink.ml.classification.knn.KnnModel
 
KnnModelData - Class in org.apache.flink.ml.classification.knn
Model data of KnnModel.
KnnModelData() - Constructor for class org.apache.flink.ml.classification.knn.KnnModelData
 
KnnModelData(DenseMatrix, DenseVector, DenseVector) - Constructor for class org.apache.flink.ml.classification.knn.KnnModelData
 
KnnModelData.ModelDataDecoder - Class in org.apache.flink.ml.classification.knn
Decoder for KnnModelData.
KnnModelData.ModelDataEncoder - Class in org.apache.flink.ml.classification.knn
Encoder for KnnModelData.
KnnModelParams<T> - Interface in org.apache.flink.ml.classification.knn
Params for KnnModel.
KnnParams<T> - Interface in org.apache.flink.ml.classification.knn
Params for Knn.
ks - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
KS - Static variable in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 

L

l2Norm - Variable in class org.apache.flink.ml.linalg.VectorWithNorm
 
LABEL_ARITY - Static variable in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
LABEL_COL - Static variable in interface org.apache.flink.ml.common.param.HasLabelCol
 
LABEL_TYPE - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
Supported options of the label type.
LabeledPointWithWeight - Class in org.apache.flink.ml.common.feature
Utility class to represent a data point that contains features, label and weight.
LabeledPointWithWeight(DenseVector, double, double) - Constructor for class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
LabeledPointWithWeight() - Constructor for class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
LabeledPointWithWeightGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of features, label and weight.
LabeledPointWithWeightGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
labels - Variable in class org.apache.flink.ml.classification.knn.KnnModelData
 
labels - Variable in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
Value of labels.
latencyStats - Variable in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
LEARNING_RATE - Static variable in interface org.apache.flink.ml.common.param.HasLearningRate
 
LeastSquareLoss - Class in org.apache.flink.ml.common.lossfunc
The loss function for least square loss.
LinearRegression - Class in org.apache.flink.ml.regression.linearregression
An Estimator which implements the linear regression algorithm.
LinearRegression() - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegression
 
LinearRegressionExample - Class in org.apache.flink.ml.examples.regression
Simple program that trains a LinearRegression model and uses it for regression.
LinearRegressionExample() - Constructor for class org.apache.flink.ml.examples.regression.LinearRegressionExample
 
LinearRegressionModel - Class in org.apache.flink.ml.regression.linearregression
A Model which predicts data using the model data computed by LinearRegression.
LinearRegressionModel() - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
LinearRegressionModelData - Class in org.apache.flink.ml.regression.linearregression
Model data of LinearRegressionModel.
LinearRegressionModelData(DenseVector) - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData
 
LinearRegressionModelData() - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData
 
LinearRegressionModelData.ModelDataDecoder - Class in org.apache.flink.ml.regression.linearregression
Data decoder for LinearRegressionModel.
LinearRegressionModelData.ModelDataEncoder - Class in org.apache.flink.ml.regression.linearregression
Data encoder for LinearRegressionModel.
LinearRegressionModelParams<T> - Interface in org.apache.flink.ml.regression.linearregression
LinearRegressionParams<T> - Interface in org.apache.flink.ml.regression.linearregression
Params for LinearRegression.
LinearSVC - Class in org.apache.flink.ml.classification.linearsvc
An Estimator which implements the linear support vector classification.
LinearSVC() - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVC
 
LinearSVCExample - Class in org.apache.flink.ml.examples.classification
Simple program that trains a LinearSVC model and uses it for classification.
LinearSVCExample() - Constructor for class org.apache.flink.ml.examples.classification.LinearSVCExample
 
LinearSVCModel - Class in org.apache.flink.ml.classification.linearsvc
A Model which classifies data using the model data computed by LinearSVC.
LinearSVCModel() - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
LinearSVCModelData - Class in org.apache.flink.ml.classification.linearsvc
Model data of LinearSVCModel.
LinearSVCModelData(DenseVector) - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData
 
LinearSVCModelData() - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData
 
LinearSVCModelData.ModelDataDecoder - Class in org.apache.flink.ml.classification.linearsvc
Data decoder for LinearSVCModel.
LinearSVCModelData.ModelDataEncoder - Class in org.apache.flink.ml.classification.linearsvc
Data encoder for LinearSVCModel.
LinearSVCModelParams<T> - Interface in org.apache.flink.ml.classification.linearsvc
Params for LinearSVCModel.
LinearSVCParams<T> - Interface in org.apache.flink.ml.classification.linearsvc
Params for LinearSVC.
LINKAGE - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
Supported options to compute the distance between two clusters.
LINKAGE_AVERAGE - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
LINKAGE_COMPLETE - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
LINKAGE_SINGLE - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
LINKAGE_WARD - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
ListStateWithCache<T> - Class in org.apache.flink.iteration.datacache.nonkeyed
A ListState child class that records data and replays them when required.
ListStateWithCache(TypeSerializer<T>, StreamTask<?, ?>, StreamingRuntimeContext, StateInitializationContext, OperatorID) - Constructor for class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.builder.Graph
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.builder.GraphModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.builder.Pipeline
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.builder.PipelineModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.knn.Knn
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.knn.KnnModel
Loads model data from path.
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.linearsvc.LinearSVC
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegression
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
load(String) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.naivebayes.NaiveBayes
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClustering
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.clustering.kmeans.KMeans
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.binarizer.Binarizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.bucketizer.Bucketizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.dct.DCT
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProduct
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.featurehasher.FeatureHasher
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.hashingtf.HashingTF
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.idf.IDF
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.idf.IDFModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.imputer.Imputer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.interaction.Interaction
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.lsh.MinHashLSH
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.lsh.MinHashLSHModel
Loads model data from path.
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScaler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
Loads model data from path.
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
Loads model data from path.
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.ngram.NGram
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.normalizer.Normalizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoder
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansion
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.randomsplitter.RandomSplitter
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.robustscaler.RobustScaler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.sqltransformer.SQLTransformer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScaler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.standardscaler.StandardScaler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.stringindexer.StringIndexer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.tokenizer.Tokenizer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelector
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelector
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.vectorassembler.VectorAssembler
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.feature.vectorslicer.VectorSlicer
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.recommendation.swing.Swing
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.regression.linearregression.LinearRegression
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
load(String) - Static method in class org.apache.flink.ml.servable.builder.PipelineModelServable
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.stats.anovatest.ANOVATest
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.stats.chisqtest.ChiSqTest
 
load(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.stats.fvaluetest.FValueTest
 
loadDefaultStopWords(String) - Static method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
Loads the default stop words for the given language.
loadGraph(StreamTableEnvironment, String, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Loads a Graph or GraphModel from the given path.
loadMetadata(String, String) - Static method in class org.apache.flink.ml.util.FileUtils
Loads the metadata from the metadata file under the given path.
loadModelData(StreamTableEnvironment, String, SimpleStreamFormat<T>) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Loads the model data from the given path using the model decoder.
loadModelData(String) - Static method in class org.apache.flink.ml.util.ServableReadWriteUtils
Opens an FSDataInputStream to read the model data file in the directory.
loadPipeline(StreamTableEnvironment, String, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Loads the stages of a Pipeline or PipelineModel from the given path.
loadPipeline(String) - Static method in class org.apache.flink.ml.util.ServableReadWriteUtils
Loads the servables of a PipelineModelServable from the given path.
loadServable(String) - Static method in class org.apache.flink.ml.builder.PipelineModel
 
loadServable(String) - Static method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
loadServableParam(String, Class<T>) - Static method in class org.apache.flink.ml.util.ServableReadWriteUtils
Loads the TransformerServable with the saved parameters from the given path.
loadStage(StreamTableEnvironment, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Loads the stage from the given path by invoking the static load() method of the stage.
loadStageParam(String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Loads the stage with the saved parameters from the given path.
LOCALE - Static variable in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
LOG - Static variable in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
LogisticRegression - Class in org.apache.flink.ml.classification.logisticregression
An Estimator which implements the logistic regression algorithm.
LogisticRegression() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegression
 
LogisticRegressionExample - Class in org.apache.flink.ml.examples.classification
Simple program that trains a LogisticRegression model and uses it for classification.
LogisticRegressionExample() - Constructor for class org.apache.flink.ml.examples.classification.LogisticRegressionExample
 
LogisticRegressionModel - Class in org.apache.flink.ml.classification.logisticregression
A Model which classifies data using the model data computed by LogisticRegression.
LogisticRegressionModel() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
LogisticRegressionModelData - Class in org.apache.flink.ml.classification.logisticregression
LogisticRegressionModelData() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelData
 
LogisticRegressionModelData(DenseVector, long) - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelData
 
LogisticRegressionModelDataUtil - Class in org.apache.flink.ml.classification.logisticregression
The utility class which provides methods to convert model data from Table to Datastream, and classes to save/load model data.
LogisticRegressionModelDataUtil() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil
 
LogisticRegressionModelDataUtil.ModelDataDecoder - Class in org.apache.flink.ml.classification.logisticregression
LogisticRegressionModelDataUtil.ModelDataEncoder - Class in org.apache.flink.ml.classification.logisticregression
LogisticRegressionModelParams<T> - Interface in org.apache.flink.ml.classification.logisticregression
Params for LogisticRegressionModel and LogisticRegressionModelServable.
LogisticRegressionModelServable - Class in org.apache.flink.ml.classification.logisticregression
A Servable which can be used to classifies data in online inference.
LogisticRegressionModelServable() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
 
LogisticRegressionParams<T> - Interface in org.apache.flink.ml.classification.logisticregression
Params for LogisticRegression.
LONG - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
LongArrayParam - Class in org.apache.flink.ml.param
Class for the long array parameter.
LongArrayParam(String, String, Long[], ParamValidator<Long[]>) - Constructor for class org.apache.flink.ml.param.LongArrayParam
 
LongArrayParam(String, String, Long[]) - Constructor for class org.apache.flink.ml.param.LongArrayParam
 
LongParam - Class in org.apache.flink.ml.param
Class for the long parameter.
LongParam(String, String, Long, ParamValidator<Long>) - Constructor for class org.apache.flink.ml.param.LongParam
 
LongParam(String, String, Long) - Constructor for class org.apache.flink.ml.param.LongParam
 
LossFunc - Interface in org.apache.flink.ml.common.lossfunc
A loss function is to compute the loss and gradient with the given coefficient and training data.
LOWER - Static variable in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
LSHModelParams<T> - Interface in org.apache.flink.ml.feature.lsh
Params for LSHModel.
LSHParams<T> - Interface in org.apache.flink.ml.feature.lsh
Params for LSH.
lt(double) - Static method in class org.apache.flink.ml.param.ParamValidators
 
ltEq(double) - Static method in class org.apache.flink.ml.param.ParamValidators
 

M

main(String[]) - Static method in class org.apache.flink.ml.benchmark.Benchmark
 
main(String[]) - Static method in class org.apache.flink.ml.examples.ArrayToVectorExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.classification.KnnExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.classification.LinearSVCExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.classification.LogisticRegressionExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.classification.NaiveBayesExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.classification.OnlineLogisticRegressionExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.clustering.AgglomerativeClusteringExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.clustering.KMeansExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.clustering.OnlineKMeansExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.evaluation.BinaryClassificationEvaluatorExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.BinarizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.BucketizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.CountVectorizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.DCTExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.ElementwiseProductExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.FeatureHasherExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.HashingTFExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.IDFExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.ImputerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.IndexToStringModelExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.InteractionExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.KBinsDiscretizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.MaxAbsScalerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.MinHashLSHExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.MinMaxScalerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.NGramExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.NormalizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.OneHotEncoderExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.OnlineStandardScalerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.PolynomialExpansionExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.RandomSplitterExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.RegexTokenizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.RobustScalerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.SQLTransformerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.StandardScalerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.StopWordsRemoverExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.StringIndexerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.TokenizerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.UnivariateFeatureSelectorExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.VarianceThresholdSelectorExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.VectorAssemblerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.VectorIndexerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.feature.VectorSlicerExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.recommendation.SwingExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.regression.LinearRegressionExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.stats.ChiSqTestExample
 
main(String[]) - Static method in class org.apache.flink.ml.examples.VectorToArrayExample
 
ManhattanDistanceMeasure - Class in org.apache.flink.ml.common.distance
Manhattan distance (also known as L1 distance) between two vectors.
map(Row) - Method in class org.apache.flink.ml.feature.hashingtf.HashingTF.HashTFFunction
 
mapPartition(DataStream<IN>, MapPartitionFunction<IN, OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a MapPartitionFunction on a bounded data stream.
mapPartition(DataStream<IN>, MapPartitionFunction<IN, OUT>, TypeInformation<OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a MapPartitionFunction on a bounded data stream.
Matrix - Interface in org.apache.flink.ml.linalg
A matrix of double values.
MATRIX(BasicType) - Static method in class org.apache.flink.ml.servable.types.DataTypes
 
MatrixType - Class in org.apache.flink.ml.servable.types
A DataType representing a Matrix.
MatrixType(BasicType) - Constructor for class org.apache.flink.ml.servable.types.MatrixType
 
MAX - Static variable in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
MAX_ALLOWED_MODEL_DELAY_MS - Static variable in interface org.apache.flink.ml.common.param.HasMaxAllowedModelDelayMs
 
MAX_CATEGORIES - Static variable in interface org.apache.flink.ml.feature.vectorindexer.VectorIndexerParams
 
MAX_DF - Static variable in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
MAX_INDEX_NUM - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
MAX_ITER - Static variable in interface org.apache.flink.ml.common.param.HasMaxIter
 
MAX_USER_BEHAVIOR - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
MAX_USER_NUM_PER_ITEM - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
MaxAbsScaler - Class in org.apache.flink.ml.feature.maxabsscaler
An Estimator which implements the MaxAbsScaler algorithm.
MaxAbsScaler() - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScaler
 
MaxAbsScalerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a MaxAbsScaler model and uses it for feature engineering.
MaxAbsScalerExample() - Constructor for class org.apache.flink.ml.examples.feature.MaxAbsScalerExample
 
MaxAbsScalerModel - Class in org.apache.flink.ml.feature.maxabsscaler
A Model which transforms data using the model data computed by MaxAbsScaler.
MaxAbsScalerModel() - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
MaxAbsScalerModelData - Class in org.apache.flink.ml.feature.maxabsscaler
Model data of MaxAbsScalerModel.
MaxAbsScalerModelData() - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData
 
MaxAbsScalerModelData(DenseVector) - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData
 
MaxAbsScalerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.maxabsscaler
MaxAbsScalerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.maxabsscaler
MaxAbsScalerParams<T> - Interface in org.apache.flink.ml.feature.maxabsscaler
Params for MaxAbsScaler.
maxScore - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 
maxVector - Variable in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData
 
maxVector - Variable in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData
 
MEAN - Static variable in interface org.apache.flink.ml.feature.imputer.ImputerParams
 
mean - Variable in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
Mean of each dimension.
MEDIAN - Static variable in interface org.apache.flink.ml.feature.imputer.ImputerParams
 
medians - Variable in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData
 
merge(QuantileSummary) - Method in class org.apache.flink.ml.common.util.QuantileSummary
Merges two summaries together.
merge(BinaryClassificationEvaluator.BinaryMetrics) - Method in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinaryMetrics
 
metrics - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
Metric group for the operator.
metrics - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
METRICS_NAMES - Static variable in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
Param for supported metric names in binary classification evaluation (supports 'areaUnderROC', 'areaUnderPR', 'ks' and 'areaUnderLorenz').
MIN - Static variable in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
MIN_DF - Static variable in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
MIN_DOC_FREQ - Static variable in interface org.apache.flink.ml.feature.idf.IDFParams
 
MIN_TF - Static variable in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
MIN_TOKEN_LENGTH - Static variable in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
MIN_USER_BEHAVIOR - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
MinHashLSH - Class in org.apache.flink.ml.feature.lsh
An Estimator that implements the MinHash LSH algorithm, which supports LSH for Jaccard distance.
MinHashLSH() - Constructor for class org.apache.flink.ml.feature.lsh.MinHashLSH
 
MinHashLSHExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a MinHashLSH model and uses it for approximate nearest neighbors and similarity join.
MinHashLSHExample() - Constructor for class org.apache.flink.ml.examples.feature.MinHashLSHExample
 
MinHashLSHModel - Class in org.apache.flink.ml.feature.lsh
A Model which generates hash values using the model data computed by MinHashLSH.
MinHashLSHModel() - Constructor for class org.apache.flink.ml.feature.lsh.MinHashLSHModel
 
MinHashLSHModelData - Class in org.apache.flink.ml.feature.lsh
Model data of MinHashLSHModel.
MinHashLSHModelData() - Constructor for class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
MinHashLSHModelData(int, int, int[], int[]) - Constructor for class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
MinHashLSHModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.lsh
Encoder for MinHashLSHModelData.
MinHashLSHParams<T> - Interface in org.apache.flink.ml.feature.lsh
Params for MinHashLSH.
MinMaxReduceFunctionOperator() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler.MinMaxReduceFunctionOperator
 
MinMaxScaler - Class in org.apache.flink.ml.feature.minmaxscaler
An Estimator which implements the MinMaxScaler algorithm.
MinMaxScaler() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler
 
MinMaxScaler.MinMaxReduceFunctionOperator - Class in org.apache.flink.ml.feature.minmaxscaler
A stream operator to compute the min and max values in each partition of the input bounded data stream.
MinMaxScalerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a MinMaxScaler model and uses it for feature engineering.
MinMaxScalerExample() - Constructor for class org.apache.flink.ml.examples.feature.MinMaxScalerExample
 
MinMaxScalerModel - Class in org.apache.flink.ml.feature.minmaxscaler
A Model which transforms data using the model data computed by MinMaxScaler.
MinMaxScalerModel() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
MinMaxScalerModelData - Class in org.apache.flink.ml.feature.minmaxscaler
Model data of MinMaxScalerModel.
MinMaxScalerModelData() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData
 
MinMaxScalerModelData(DenseVector, DenseVector) - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData
 
MinMaxScalerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.minmaxscaler
MinMaxScalerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.minmaxscaler
MinMaxScalerParams<T> - Interface in org.apache.flink.ml.feature.minmaxscaler
Params for MinMaxScaler.
minVector - Variable in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData
 
MISSING_VALUE - Static variable in interface org.apache.flink.ml.feature.imputer.ImputerModelParams
 
mkdirs(Path) - Static method in class org.apache.flink.ml.util.FileUtils
 
ML_GROUP - Static variable in class org.apache.flink.ml.common.metrics.MLMetrics
 
ML_MODEL_GROUP - Static variable in class org.apache.flink.ml.common.metrics.MLMetrics
 
MLMetrics - Class in org.apache.flink.ml.common.metrics
A collection class for handling metrics in Flink ML.
MLMetrics() - Constructor for class org.apache.flink.ml.common.metrics.MLMetrics
 
Model<T extends Model<T>> - Interface in org.apache.flink.ml.api
A Model is typically generated by invoking Estimator.fit(Table...).
MODEL_DATA_VERSION_GAUGE_KEY - Static variable in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
MODEL_DATA_VERSION_GAUGE_KEY - Static variable in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
MODEL_TYPE - Static variable in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesModelParams
 
MODEL_VERSION_COL - Static variable in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModelParams
 
MODEL_VERSION_COL - Static variable in interface org.apache.flink.ml.common.param.HasModelVersionCol
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.classification.knn.KnnModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeansModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.idf.IDFModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.imputer.ImputerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData.ModelDataDecoder
 
ModelDataDecoder() - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData.ModelDataDecoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.classification.knn.KnnModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.classification.linearsvc.LinearSVCModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelDataUtil.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.clustering.kmeans.KMeansModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.idf.IDFModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.imputer.ImputerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.lsh.MinHashLSHModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData.ModelDataEncoder
 
ModelDataEncoder() - Constructor for class org.apache.flink.ml.regression.linearregression.LinearRegressionModelData.ModelDataEncoder
 
ModelDataStreamFormat() - Constructor for class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData.ModelDataStreamFormat
 
modelInputIds - Variable in class org.apache.flink.ml.builder.GraphData
 
ModelServable<T extends ModelServable<T>> - Interface in org.apache.flink.ml.servable.api
A ModelServable is a TransformerServable with the extra API to set model data.
modelVersion - Variable in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelData
 
MOST_FREQUENT - Static variable in interface org.apache.flink.ml.feature.imputer.ImputerParams
 
MULTI_CLASS - Static variable in interface org.apache.flink.ml.common.param.HasMultiClass
 
MultipleInputAllRoundWrapperOperator<OUT> - Class in org.apache.flink.iteration.operator.allround
All-round wrapper for the multiple-inputs operator.
MultipleInputAllRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.allround.MultipleInputAllRoundWrapperOperator
 
MultipleInputPerRoundWrapperOperator<OUT> - Class in org.apache.flink.iteration.operator.perround
Per-round wrapper for the multiple-inputs operator.
MultipleInputPerRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.perround.MultipleInputPerRoundWrapperOperator
 
MultipleInputTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the MultipleInputTransformation.
MultipleInputTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.MultipleInputTransformationTranslator
 

N

N - Static variable in interface org.apache.flink.ml.feature.ngram.NGramParams
 
n - Variable in class org.apache.flink.ml.linalg.SparseVector
 
NaiveBayes - Class in org.apache.flink.ml.classification.naivebayes
An Estimator which implements the naive bayes classification algorithm.
NaiveBayes() - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayes
 
NaiveBayesExample - Class in org.apache.flink.ml.examples.classification
Simple program that trains a NaiveBayes model and uses it for classification.
NaiveBayesExample() - Constructor for class org.apache.flink.ml.examples.classification.NaiveBayesExample
 
NaiveBayesModel - Class in org.apache.flink.ml.classification.naivebayes
A Model which classifies data using the model data computed by NaiveBayes.
NaiveBayesModel() - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
NaiveBayesModelData - Class in org.apache.flink.ml.classification.naivebayes
Model data of NaiveBayesModel.
NaiveBayesModelData(Map<Double, Double>[][], DenseVector, DenseVector) - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
 
NaiveBayesModelData() - Constructor for class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
 
NaiveBayesModelData.ModelDataDecoder - Class in org.apache.flink.ml.classification.naivebayes
Data decoder for the NaiveBayesModelData.
NaiveBayesModelData.ModelDataEncoder - Class in org.apache.flink.ml.classification.naivebayes
Data encoder for the NaiveBayesModelData.
NaiveBayesModelParams<T> - Interface in org.apache.flink.ml.classification.naivebayes
Params of NaiveBayesModel.
NaiveBayesParams<T> - Interface in org.apache.flink.ml.classification.naivebayes
Params of NaiveBayes.
name - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The benchmark name.
NAME - Static variable in class org.apache.flink.ml.common.distance.CosineDistanceMeasure
 
NAME - Static variable in class org.apache.flink.ml.common.distance.EuclideanDistanceMeasure
 
NAME - Static variable in class org.apache.flink.ml.common.distance.ManhattanDistanceMeasure
 
name - Variable in class org.apache.flink.ml.param.Param
 
newBarrier(long) - Static method in class org.apache.flink.iteration.IterationRecord
 
newBuilder() - Static method in class org.apache.flink.iteration.IterationConfig
 
newEpochWatermark(int, String) - Static method in class org.apache.flink.iteration.IterationRecord
 
newRecord(T, int) - Static method in class org.apache.flink.iteration.IterationRecord
 
newRecord(T) - Static method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
newWatermark(long) - Static method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
next() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheReader
 
NGram - Class in org.apache.flink.ml.feature.ngram
A Transformer that converts the input string array into an array of n-grams, where each n-gram is represented by a space-separated string of words.
NGram() - Constructor for class org.apache.flink.ml.feature.ngram.NGram
 
NGram.NGramUdf - Class in org.apache.flink.ml.feature.ngram
The main logic of NGram, which converts the input string array to an array of n-grams.
NGramExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates an NGram instance and uses it for feature engineering.
NGramExample() - Constructor for class org.apache.flink.ml.examples.feature.NGramExample
 
NGramParams<T> - Interface in org.apache.flink.ml.feature.ngram
Params of NGram.
NGramUdf() - Constructor for class org.apache.flink.ml.feature.ngram.NGram.NGramUdf
 
nodeId - Variable in class org.apache.flink.ml.builder.GraphNode
 
nodes - Variable in class org.apache.flink.ml.builder.GraphData
 
nonEmptyArray() - Static method in class org.apache.flink.ml.param.ParamValidators
 
NonReplayedDataStreamList(List<DataStream<?>>) - Constructor for class org.apache.flink.iteration.ReplayableDataStreamList.NonReplayedDataStreamList
 
norm(Vector, double) - Static method in class org.apache.flink.ml.linalg.BLAS
Calculates the p-norm of the vector x.
norm2(Vector) - Static method in class org.apache.flink.ml.linalg.BLAS
\sqrt(\sum_i x_i * x_i) .
Normalizer - Class in org.apache.flink.ml.feature.normalizer
A Transformer that normalizes a vector to have unit norm using the given p-norm.
Normalizer() - Constructor for class org.apache.flink.ml.feature.normalizer.Normalizer
 
NormalizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a Normalizer instance and uses it for feature engineering.
NormalizerExample() - Constructor for class org.apache.flink.ml.examples.feature.NormalizerExample
 
NormalizerParams<T> - Interface in org.apache.flink.ml.feature.normalizer
Params of Normalizer.
notifyCacheFinished(String) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
notifyCheckpointAborted(long) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
notifyCheckpointAborted(long) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
notifyCheckpointAborted(long) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
notifyCheckpointAborted(long) - Method in class org.apache.flink.iteration.operator.TailOperator
 
notifyCheckpointAborted(long) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
notifyCheckpointComplete(long) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
notifyCheckpointComplete(long) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
notifyCheckpointComplete(long) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
notifyCheckpointComplete(long) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
notifyEpochWatermarkIncrement(IterationListener<?>, int) - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
notifyGloballyTerminating() - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
notifyTerminatingOnInitialize() - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
notNull() - Static method in class org.apache.flink.ml.param.ParamValidators
 
notReplay(DataStream<?>...) - Static method in class org.apache.flink.iteration.ReplayableDataStreamList
 
NUM_BINS - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
NUM_CLUSTERS - Static variable in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
NUM_DISTINCT_VALUES - Static variable in interface org.apache.flink.ml.benchmark.datagenerator.param.HasNumDistinctValues
 
NUM_FEATURES - Static variable in interface org.apache.flink.ml.common.param.HasNumFeatures
 
NUM_HASH_FUNCTIONS_PER_TABLE - Static variable in interface org.apache.flink.ml.feature.lsh.LSHParams
Param for the number of hash functions per hash table used in LSH AND-amplification.
NUM_HASH_TABLES - Static variable in interface org.apache.flink.ml.feature.lsh.LSHParams
Param for the number of hash tables used in LSH OR-amplification.
NUM_TOP_FEATURES - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
NUM_VALUES - Static variable in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
numCols() - Method in class org.apache.flink.ml.linalg.DenseMatrix
 
numCols() - Method in interface org.apache.flink.ml.linalg.Matrix
Gets number of columns.
numDocs - Variable in class org.apache.flink.ml.feature.idf.IDFModelData
Number of docs in the training set.
numHashFunctionsPerTable - Variable in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
numHashTables - Variable in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
numInputs - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Number of the inputs of this operator.
numOfFeatures - Variable in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData
 
numRows() - Method in class org.apache.flink.ml.linalg.DenseMatrix
 
numRows() - Method in interface org.apache.flink.ml.linalg.Matrix
Gets number of rows.

O

OBJECT_MAPPER - Static variable in class org.apache.flink.ml.util.JsonUtils
 
OBJECT_MAPPER - Static variable in class org.apache.flink.ml.util.ReadWriteUtils
 
of(DataStream<?>...) - Static method in class org.apache.flink.iteration.DataStreamList
 
of(long) - Static method in class org.apache.flink.ml.common.window.CountTumblingWindows
Creates a new CountTumblingWindows.
of(Time) - Static method in class org.apache.flink.ml.common.window.EventTimeTumblingWindows
of(Time) - Static method in class org.apache.flink.ml.common.window.ProcessingTimeTumblingWindows
onAligned(GloballyAlignedEvent) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
onAligned(GloballyAlignedEvent) - Method in interface org.apache.flink.iteration.operator.coordinator.SharedProgressAlignerListener
 
onCheckpointAligned(CoordinatorCheckpointEvent) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
onCheckpointAligned(CoordinatorCheckpointEvent) - Method in interface org.apache.flink.iteration.operator.coordinator.SharedProgressAlignerListener
 
OneHotEncoder - Class in org.apache.flink.ml.feature.onehotencoder
An Estimator which implements the one-hot encoding algorithm.
OneHotEncoder() - Constructor for class org.apache.flink.ml.feature.onehotencoder.OneHotEncoder
 
OneHotEncoderExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a OneHotEncoder model and uses it for feature engineering.
OneHotEncoderExample() - Constructor for class org.apache.flink.ml.examples.feature.OneHotEncoderExample
 
OneHotEncoderModel - Class in org.apache.flink.ml.feature.onehotencoder
A Model which encodes data into one-hot format using the model data computed by OneHotEncoder.
OneHotEncoderModel() - Constructor for class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
OneHotEncoderModelData - Class in org.apache.flink.ml.feature.onehotencoder
Model data of OneHotEncoderModel.
OneHotEncoderModelData() - Constructor for class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModelData
 
OneHotEncoderModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.onehotencoder
Data encoder for the OneHotEncoder model data.
OneHotEncoderModelData.ModelDataStreamFormat - Class in org.apache.flink.ml.feature.onehotencoder
Data decoder for the OneHotEncoder model data.
OneHotEncoderParams<T> - Interface in org.apache.flink.ml.feature.onehotencoder
Params of OneHotEncoderModel.
OneInputAllRoundWrapperOperator<IN,OUT> - Class in org.apache.flink.iteration.operator.allround
All-round wrapper for the one-input operator.
OneInputAllRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
OneInputBroadcastWrapperOperator<IN,OUT> - Class in org.apache.flink.ml.common.broadcast.operator
Wrapper for OneInputStreamOperator.
OneInputPerRoundWrapperOperator<IN,OUT> - Class in org.apache.flink.iteration.operator.perround
Per-round wrapper operator for the one-input operator.
OneInputPerRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
OneInputTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the OneInputTransformation.
OneInputTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.OneInputTransformationTranslator
 
onEpochWatermark(int, String, int) - Method in class org.apache.flink.iteration.progresstrack.OperatorEpochWatermarkTracker
 
onEpochWatermarkEvent(int, IterationRecord<?>) - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
onEpochWatermarkIncrement(int) - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
onEpochWatermarkIncrement(int) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
onEpochWatermarkIncrement(int) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
onEpochWatermarkIncrement(int) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
onEpochWatermarkIncrement(int) - Method in interface org.apache.flink.iteration.progresstrack.OperatorEpochWatermarkTrackerListener
Notifies a new round is aligned to a new epoch watermark.
onEpochWatermarkIncremented(int, IterationListener.Context, Collector<T>) - Method in interface org.apache.flink.iteration.IterationListener
This callback is invoked every time the epoch watermark of this operator increments.
onEpochWatermarkIncremented(int, IterationListener.Context, Collector<T>) - Method in class org.apache.flink.ml.common.iteration.ForwardInputsOfLastRound
 
onEpochWatermarkIncremented(int, IterationListener.Context, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIter
 
onEpochWatermarkIncremented(int, IterationListener.Context, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIterOrTol
 
onGloballyAligned(GloballyAlignedEvent) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor
 
onGloballyAligned(GloballyAlignedEvent) - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
onGloballyAligned(GloballyAlignedEvent) - Method in class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
onIterationTerminated(IterationListener.Context, Collector<T>) - Method in interface org.apache.flink.iteration.IterationListener
This callback is invoked after the execution of the iteration body has terminated.
onIterationTerminated(IterationListener.Context, Collector<T>) - Method in class org.apache.flink.ml.common.iteration.ForwardInputsOfLastRound
 
onIterationTerminated(IterationListener.Context, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIter
 
onIterationTerminated(IterationListener.Context, Collector<Integer>) - Method in class org.apache.flink.ml.common.iteration.TerminateOnMaxIterOrTol
 
OnlineKMeans - Class in org.apache.flink.ml.clustering.kmeans
OnlineKMeans extends the function of KMeans, supporting to train a K-Means model continuously according to an unbounded stream of train data.
OnlineKMeans() - Constructor for class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
 
OnlineKMeansExample - Class in org.apache.flink.ml.examples.clustering
Simple program that trains an OnlineKMeans model and uses it for clustering.
OnlineKMeansExample() - Constructor for class org.apache.flink.ml.examples.clustering.OnlineKMeansExample
 
OnlineKMeansModel - Class in org.apache.flink.ml.clustering.kmeans
OnlineKMeansModel can be regarded as an advanced KMeansModel operator which can update model data in a streaming format, using the model data provided by OnlineKMeans.
OnlineKMeansModel() - Constructor for class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
OnlineKMeansParams<T> - Interface in org.apache.flink.ml.clustering.kmeans
Params of OnlineKMeans.
OnlineLogisticRegression - Class in org.apache.flink.ml.classification.logisticregression
An Estimator which implements the online logistic regression algorithm.
OnlineLogisticRegression() - Constructor for class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
 
OnlineLogisticRegressionExample - Class in org.apache.flink.ml.examples.classification
Simple program that trains an OnlineLogisticRegression model and uses it for classification.
OnlineLogisticRegressionExample() - Constructor for class org.apache.flink.ml.examples.classification.OnlineLogisticRegressionExample
 
OnlineLogisticRegressionModel - Class in org.apache.flink.ml.classification.logisticregression
A Model which classifies data using the model data computed by OnlineLogisticRegression.
OnlineLogisticRegressionModel() - Constructor for class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
OnlineLogisticRegressionModelParams<T> - Interface in org.apache.flink.ml.classification.logisticregression
OnlineLogisticRegressionParams<T> - Interface in org.apache.flink.ml.classification.logisticregression
OnlineStandardScaler - Class in org.apache.flink.ml.feature.standardscaler
An Estimator which implements the online standard scaling algorithm, which is the online version of StandardScaler.
OnlineStandardScaler() - Constructor for class org.apache.flink.ml.feature.standardscaler.OnlineStandardScaler
 
OnlineStandardScalerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a OnlineStandardScaler model and uses it for feature engineering.
OnlineStandardScalerExample() - Constructor for class org.apache.flink.ml.examples.feature.OnlineStandardScalerExample
 
OnlineStandardScalerModel - Class in org.apache.flink.ml.feature.standardscaler
A Model which transforms data using the model data computed by OnlineStandardScaler.
OnlineStandardScalerModel() - Constructor for class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
OnlineStandardScalerModelParams<T> - Interface in org.apache.flink.ml.feature.standardscaler
OnlineStandardScalerParams<T> - Interface in org.apache.flink.ml.feature.standardscaler
open() - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
open() - Method in class org.apache.flink.iteration.operator.InputOperator
 
open() - Method in class org.apache.flink.iteration.operator.OutputOperator
 
open() - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
open() - Method in class org.apache.flink.iteration.operator.TailOperator
 
open(Configuration) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
 
open() - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
open(FunctionContext) - Method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover.RemoveStopWordsFunction
 
OperatorEpochWatermarkTracker - Class in org.apache.flink.iteration.progresstrack
Tracks the epoch watermark from each input.
OperatorEpochWatermarkTrackerFactory - Class in org.apache.flink.iteration.progresstrack
OperatorEpochWatermarkTrackerFactory() - Constructor for class org.apache.flink.iteration.progresstrack.OperatorEpochWatermarkTrackerFactory
 
OperatorEpochWatermarkTrackerListener - Interface in org.apache.flink.iteration.progresstrack
The listener of alignment.
operatorFactory - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
operatorFactory - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
operatorStateBackend() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
OperatorStateUtils - Class in org.apache.flink.iteration.operator
Utility to deal with the states inside the operator.
OperatorStateUtils() - Constructor for class org.apache.flink.iteration.operator.OperatorStateUtils
 
OperatorUtils - Class in org.apache.flink.iteration.operator
Utility class for operators.
OperatorUtils() - Constructor for class org.apache.flink.iteration.operator.OperatorUtils
 
OperatorWrapper<T,R> - Interface in org.apache.flink.iteration.operator
Wrappers for the given operator factory.
optimize(DataStream<DenseVector>, DataStream<LabeledPointWithWeight>, LossFunc) - Method in interface org.apache.flink.ml.common.optimizer.Optimizer
Optimizes the given loss function using the initial model data and the bounded training data.
optimize(DataStream<DenseVector>, DataStream<LabeledPointWithWeight>, LossFunc) - Method in class org.apache.flink.ml.common.optimizer.SGD
 
Optimizer - Interface in org.apache.flink.ml.common.optimizer
An optimizer is a function to modify the weight of a machine learning model, which aims to find the optimal parameter configuration for a machine learning model.
org.apache.flink.iteration - package org.apache.flink.iteration
 
org.apache.flink.iteration.broadcast - package org.apache.flink.iteration.broadcast
 
org.apache.flink.iteration.checkpoint - package org.apache.flink.iteration.checkpoint
 
org.apache.flink.iteration.compile - package org.apache.flink.iteration.compile
 
org.apache.flink.iteration.compile.translator - package org.apache.flink.iteration.compile.translator
 
org.apache.flink.iteration.config - package org.apache.flink.iteration.config
 
org.apache.flink.iteration.datacache.nonkeyed - package org.apache.flink.iteration.datacache.nonkeyed
 
org.apache.flink.iteration.functions - package org.apache.flink.iteration.functions
 
org.apache.flink.iteration.operator - package org.apache.flink.iteration.operator
 
org.apache.flink.iteration.operator.allround - package org.apache.flink.iteration.operator.allround
 
org.apache.flink.iteration.operator.coordinator - package org.apache.flink.iteration.operator.coordinator
 
org.apache.flink.iteration.operator.event - package org.apache.flink.iteration.operator.event
 
org.apache.flink.iteration.operator.headprocessor - package org.apache.flink.iteration.operator.headprocessor
 
org.apache.flink.iteration.operator.perround - package org.apache.flink.iteration.operator.perround
 
org.apache.flink.iteration.progresstrack - package org.apache.flink.iteration.progresstrack
 
org.apache.flink.iteration.proxy - package org.apache.flink.iteration.proxy
 
org.apache.flink.iteration.proxy.state - package org.apache.flink.iteration.proxy.state
 
org.apache.flink.iteration.typeinfo - package org.apache.flink.iteration.typeinfo
 
org.apache.flink.iteration.utils - package org.apache.flink.iteration.utils
 
org.apache.flink.ml - package org.apache.flink.ml
 
org.apache.flink.ml.api - package org.apache.flink.ml.api
 
org.apache.flink.ml.benchmark - package org.apache.flink.ml.benchmark
 
org.apache.flink.ml.benchmark.datagenerator - package org.apache.flink.ml.benchmark.datagenerator
 
org.apache.flink.ml.benchmark.datagenerator.clustering - package org.apache.flink.ml.benchmark.datagenerator.clustering
 
org.apache.flink.ml.benchmark.datagenerator.common - package org.apache.flink.ml.benchmark.datagenerator.common
 
org.apache.flink.ml.benchmark.datagenerator.param - package org.apache.flink.ml.benchmark.datagenerator.param
 
org.apache.flink.ml.builder - package org.apache.flink.ml.builder
 
org.apache.flink.ml.classification.knn - package org.apache.flink.ml.classification.knn
 
org.apache.flink.ml.classification.linearsvc - package org.apache.flink.ml.classification.linearsvc
 
org.apache.flink.ml.classification.logisticregression - package org.apache.flink.ml.classification.logisticregression
 
org.apache.flink.ml.classification.naivebayes - package org.apache.flink.ml.classification.naivebayes
 
org.apache.flink.ml.clustering.agglomerativeclustering - package org.apache.flink.ml.clustering.agglomerativeclustering
 
org.apache.flink.ml.clustering.kmeans - package org.apache.flink.ml.clustering.kmeans
 
org.apache.flink.ml.common.broadcast - package org.apache.flink.ml.common.broadcast
 
org.apache.flink.ml.common.broadcast.operator - package org.apache.flink.ml.common.broadcast.operator
 
org.apache.flink.ml.common.broadcast.typeinfo - package org.apache.flink.ml.common.broadcast.typeinfo
 
org.apache.flink.ml.common.datastream - package org.apache.flink.ml.common.datastream
 
org.apache.flink.ml.common.datastream.sort - package org.apache.flink.ml.common.datastream.sort
 
org.apache.flink.ml.common.distance - package org.apache.flink.ml.common.distance
 
org.apache.flink.ml.common.feature - package org.apache.flink.ml.common.feature
 
org.apache.flink.ml.common.iteration - package org.apache.flink.ml.common.iteration
 
org.apache.flink.ml.common.lossfunc - package org.apache.flink.ml.common.lossfunc
 
org.apache.flink.ml.common.metrics - package org.apache.flink.ml.common.metrics
 
org.apache.flink.ml.common.optimizer - package org.apache.flink.ml.common.optimizer
 
org.apache.flink.ml.common.param - package org.apache.flink.ml.common.param
 
org.apache.flink.ml.common.typeinfo - package org.apache.flink.ml.common.typeinfo
 
org.apache.flink.ml.common.util - package org.apache.flink.ml.common.util
 
org.apache.flink.ml.common.window - package org.apache.flink.ml.common.window
 
org.apache.flink.ml.evaluation.binaryclassification - package org.apache.flink.ml.evaluation.binaryclassification
 
org.apache.flink.ml.examples - package org.apache.flink.ml.examples
 
org.apache.flink.ml.examples.classification - package org.apache.flink.ml.examples.classification
 
org.apache.flink.ml.examples.clustering - package org.apache.flink.ml.examples.clustering
 
org.apache.flink.ml.examples.evaluation - package org.apache.flink.ml.examples.evaluation
 
org.apache.flink.ml.examples.feature - package org.apache.flink.ml.examples.feature
 
org.apache.flink.ml.examples.recommendation - package org.apache.flink.ml.examples.recommendation
 
org.apache.flink.ml.examples.regression - package org.apache.flink.ml.examples.regression
 
org.apache.flink.ml.examples.stats - package org.apache.flink.ml.examples.stats
 
org.apache.flink.ml.examples.util - package org.apache.flink.ml.examples.util
 
org.apache.flink.ml.feature.binarizer - package org.apache.flink.ml.feature.binarizer
 
org.apache.flink.ml.feature.bucketizer - package org.apache.flink.ml.feature.bucketizer
 
org.apache.flink.ml.feature.countvectorizer - package org.apache.flink.ml.feature.countvectorizer
 
org.apache.flink.ml.feature.dct - package org.apache.flink.ml.feature.dct
 
org.apache.flink.ml.feature.elementwiseproduct - package org.apache.flink.ml.feature.elementwiseproduct
 
org.apache.flink.ml.feature.featurehasher - package org.apache.flink.ml.feature.featurehasher
 
org.apache.flink.ml.feature.hashingtf - package org.apache.flink.ml.feature.hashingtf
 
org.apache.flink.ml.feature.idf - package org.apache.flink.ml.feature.idf
 
org.apache.flink.ml.feature.imputer - package org.apache.flink.ml.feature.imputer
 
org.apache.flink.ml.feature.interaction - package org.apache.flink.ml.feature.interaction
 
org.apache.flink.ml.feature.kbinsdiscretizer - package org.apache.flink.ml.feature.kbinsdiscretizer
 
org.apache.flink.ml.feature.lsh - package org.apache.flink.ml.feature.lsh
 
org.apache.flink.ml.feature.maxabsscaler - package org.apache.flink.ml.feature.maxabsscaler
 
org.apache.flink.ml.feature.minmaxscaler - package org.apache.flink.ml.feature.minmaxscaler
 
org.apache.flink.ml.feature.ngram - package org.apache.flink.ml.feature.ngram
 
org.apache.flink.ml.feature.normalizer - package org.apache.flink.ml.feature.normalizer
 
org.apache.flink.ml.feature.onehotencoder - package org.apache.flink.ml.feature.onehotencoder
 
org.apache.flink.ml.feature.polynomialexpansion - package org.apache.flink.ml.feature.polynomialexpansion
 
org.apache.flink.ml.feature.randomsplitter - package org.apache.flink.ml.feature.randomsplitter
 
org.apache.flink.ml.feature.regextokenizer - package org.apache.flink.ml.feature.regextokenizer
 
org.apache.flink.ml.feature.robustscaler - package org.apache.flink.ml.feature.robustscaler
 
org.apache.flink.ml.feature.sqltransformer - package org.apache.flink.ml.feature.sqltransformer
 
org.apache.flink.ml.feature.standardscaler - package org.apache.flink.ml.feature.standardscaler
 
org.apache.flink.ml.feature.stopwordsremover - package org.apache.flink.ml.feature.stopwordsremover
 
org.apache.flink.ml.feature.stringindexer - package org.apache.flink.ml.feature.stringindexer
 
org.apache.flink.ml.feature.tokenizer - package org.apache.flink.ml.feature.tokenizer
 
org.apache.flink.ml.feature.univariatefeatureselector - package org.apache.flink.ml.feature.univariatefeatureselector
 
org.apache.flink.ml.feature.variancethresholdselector - package org.apache.flink.ml.feature.variancethresholdselector
 
org.apache.flink.ml.feature.vectorassembler - package org.apache.flink.ml.feature.vectorassembler
 
org.apache.flink.ml.feature.vectorindexer - package org.apache.flink.ml.feature.vectorindexer
 
org.apache.flink.ml.feature.vectorslicer - package org.apache.flink.ml.feature.vectorslicer
 
org.apache.flink.ml.linalg - package org.apache.flink.ml.linalg
 
org.apache.flink.ml.linalg.typeinfo - package org.apache.flink.ml.linalg.typeinfo
 
org.apache.flink.ml.param - package org.apache.flink.ml.param
 
org.apache.flink.ml.python - package org.apache.flink.ml.python
 
org.apache.flink.ml.recommendation.swing - package org.apache.flink.ml.recommendation.swing
 
org.apache.flink.ml.regression.linearregression - package org.apache.flink.ml.regression.linearregression
 
org.apache.flink.ml.servable.api - package org.apache.flink.ml.servable.api
 
org.apache.flink.ml.servable.builder - package org.apache.flink.ml.servable.builder
 
org.apache.flink.ml.servable.types - package org.apache.flink.ml.servable.types
 
org.apache.flink.ml.stats.anovatest - package org.apache.flink.ml.stats.anovatest
 
org.apache.flink.ml.stats.chisqtest - package org.apache.flink.ml.stats.chisqtest
 
org.apache.flink.ml.stats.fvaluetest - package org.apache.flink.ml.stats.fvaluetest
 
org.apache.flink.ml.util - package org.apache.flink.ml.util
 
output(OutputTag<X>, X) - Method in interface org.apache.flink.iteration.IterationListener.Context
Emits a record to the side output identified by the OutputTag.
output - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
output(StreamRecord<IterationRecord<?>>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
output(OutputTag<IterationRecord<?>>, StreamRecord<IterationRecord<?>>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
output - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
OUTPUT_COL - Static variable in interface org.apache.flink.ml.common.param.HasOutputCol
 
OUTPUT_COLS - Static variable in interface org.apache.flink.ml.common.param.HasOutputCols
 
outputIds - Variable in class org.apache.flink.ml.builder.GraphData
 
outputIds - Variable in class org.apache.flink.ml.builder.GraphNode
 
outputModelDataIds - Variable in class org.apache.flink.ml.builder.GraphData
 
outputModelDataIds - Variable in class org.apache.flink.ml.builder.GraphNode
 
OutputOperator<T> - Class in org.apache.flink.iteration.operator
Output operator that unwraps IterationRecord into user record, and desert all the event records.
OutputOperator() - Constructor for class org.apache.flink.iteration.operator.OutputOperator
 
outputRecordNum - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The total number of output records.
OutputReflectionContext - Class in org.apache.flink.iteration.broadcast
The reflection utilities to parse the output and create the broadcast output.
OutputReflectionContext() - Constructor for class org.apache.flink.iteration.broadcast.OutputReflectionContext
 
outputThroughput - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The average output throughput in number of records per second.

P

P - Static variable in interface org.apache.flink.ml.feature.normalizer.NormalizerParams
 
packedFeatures - Variable in class org.apache.flink.ml.classification.knn.KnnModelData
 
Param<T> - Class in org.apache.flink.ml.param
Definition of a parameter, including name, class, description, default value and the validator.
Param(String, Class<T>, String, T, ParamValidator<T>) - Constructor for class org.apache.flink.ml.param.Param
 
parameters - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
parameters - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
paramMap - Variable in class org.apache.flink.ml.benchmark.datagenerator.common.InputTableGenerator
 
ParamUtils - Class in org.apache.flink.ml.util
Utility methods for reading and writing stages.
ParamUtils() - Constructor for class org.apache.flink.ml.util.ParamUtils
 
ParamValidator<T> - Interface in org.apache.flink.ml.param
An interface to validate that a parameter value is valid.
ParamValidators - Class in org.apache.flink.ml.param
Factory methods for common validation functions on numerical values.
ParamValidators() - Constructor for class org.apache.flink.ml.param.ParamValidators
 
parseJsonFile(String) - Static method in class org.apache.flink.ml.benchmark.BenchmarkUtils
Loads benchmark configuration maps from the provided json file.
PartitionTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the PartitionTransformation.
PartitionTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.PartitionTransformationTranslator
 
PATTERN - Static variable in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
PERCENTILE - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
PeriodicSourceFunction - Class in org.apache.flink.ml.examples.util
A source function that collects provided data periodically at a fixed interval.
PeriodicSourceFunction(long, List<List<Row>>) - Constructor for class org.apache.flink.ml.examples.util.PeriodicSourceFunction
 
PerRoundOperatorWrapper<T> - Class in org.apache.flink.iteration.operator.perround
The operator wrapper implementation for per-round wrappers.
PerRoundOperatorWrapper() - Constructor for class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
piArray - Variable in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
Log of class priors, whose dimension is C (number of classes).
Pipeline - Class in org.apache.flink.ml.builder
A Pipeline acts as an Estimator.
Pipeline(List<Stage<?>>) - Constructor for class org.apache.flink.ml.builder.Pipeline
 
PipelineModel - Class in org.apache.flink.ml.builder
A PipelineModel acts as a Model.
PipelineModel(List<Stage<?>>) - Constructor for class org.apache.flink.ml.builder.PipelineModel
 
PipelineModelServable - Class in org.apache.flink.ml.servable.builder
A PipelineModelServable acts as a ModelServable.
PipelineModelServable(List<TransformerServable<?>>) - Constructor for class org.apache.flink.ml.servable.builder.PipelineModelServable
 
PolynomialExpansion - Class in org.apache.flink.ml.feature.polynomialexpansion
A Transformer that expands the input vectors in polynomial space.
PolynomialExpansion() - Constructor for class org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansion
 
PolynomialExpansionExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a PolynomialExpansion instance and uses it for feature engineering.
PolynomialExpansionExample() - Constructor for class org.apache.flink.ml.examples.feature.PolynomialExpansionExample
 
PolynomialExpansionParams<T> - Interface in org.apache.flink.ml.feature.polynomialexpansion
PREDICTION_COL - Static variable in interface org.apache.flink.ml.common.param.HasPredictionCol
 
prefix(String) - Method in class org.apache.flink.iteration.proxy.state.StateNamePrefix
 
prepareSnapshotPreBarrier(long) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
prepareSnapshotPreBarrier(long) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
prepareSnapshotPreBarrier(long) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
prepareSnapshotPreBarrier(long) - Method in class org.apache.flink.iteration.operator.TailOperator
 
prepareSnapshotPreBarrier(long) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
PriorityQueueSerializer<T> - Class in org.apache.flink.ml.common.typeinfo
TypeSerializer for PriorityQueue.
PriorityQueueSerializer(Comparator<? super T>, TypeSerializer<T>) - Constructor for class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
PriorityQueueTypeInfo<T> - Class in org.apache.flink.ml.common.typeinfo
TypeInformation for PriorityQueue.
PriorityQueueTypeInfo(Comparator<? super T>, TypeInformation<T>) - Constructor for class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
process(DataStreamList) - Method in interface org.apache.flink.iteration.IterationBody.PerRoundSubBody
 
process(DataStreamList, DataStreamList) - Method in interface org.apache.flink.iteration.IterationBody
This method creates the graph for the iteration body.
processElement(I, ProcessFunction<I, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareAllRoundProcessFunction
 
processElement(I, int, ProcessFunction<I, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareAllRoundProcessFunction
 
processElement(StreamRecord<IterationRecord<IN>>) - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
processElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
processElement(StreamRecord<IterationRecord<?>>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor
 
processElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
processElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
processElement(StreamRecord<T>) - Method in class org.apache.flink.iteration.operator.InputOperator
 
processElement(StreamRecord<IterationRecord<T>>) - Method in class org.apache.flink.iteration.operator.OutputOperator
 
processElement(StreamRecord<IterationRecord<IN>>) - Method in class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
processElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.TailOperator
 
processElement(StreamRecord<IN>) - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
processElement(StreamRecord<DenseVector>) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler.MinMaxReduceFunctionOperator
 
processElement1(I1, CoProcessFunction<I1, I2, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
processElement1(I1, int, CoProcessFunction<I1, I2, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
processElement1(StreamRecord<IterationRecord<IN1>>) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processElement1(StreamRecord<IterationRecord<IN1>>) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processElement1(StreamRecord<IterationRecord<T>>) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
processElement1(StreamRecord<IN1>) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processElement1(StreamRecord<IN1>) - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
processElement2(I2, CoProcessFunction<I1, I2, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
processElement2(I2, int, CoProcessFunction<I1, I2, O>.Context, Collector<O>) - Method in class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
processElement2(StreamRecord<IterationRecord<IN2>>) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processElement2(StreamRecord<IterationRecord<IN2>>) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processElement2(StreamRecord<IterationRecord<Void>>) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
processElement2(StreamRecord<IN2>) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processElement2(StreamRecord<IN2>) - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
processElementX(StreamRecord, int, ThrowingConsumer<StreamRecord, Exception>, ThrowingConsumer<Watermark, Exception>, ThrowingConsumer<StreamRecord, Exception>) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Extracts common processing logic in subclasses' processing elements.
processFeedback(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
processFeedbackElement(StreamRecord<IterationRecord<?>>) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor
 
processFeedbackElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
processFeedbackElement(StreamRecord<IterationRecord<?>>) - Method in class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
processForEachWrappedOperator(BiConsumerWithException<Integer, S, Exception>) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
ProcessingTimeSessionWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups elements into sessions based on the current system time of the machine the operation is running on.
ProcessingTimeTumblingWindows - Class in org.apache.flink.ml.common.window
A windowing strategy that groups elements into fixed-size windows based on the current system time of the machine the operation is running on.
processLatencyMarker(LatencyMarker) - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
processLatencyMarker(LatencyMarker) - Method in class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
processLatencyMarker(LatencyMarker) - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
processLatencyMarker1(LatencyMarker) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processLatencyMarker1(LatencyMarker) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processLatencyMarker1(LatencyMarker) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processLatencyMarker2(LatencyMarker) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processLatencyMarker2(LatencyMarker) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processLatencyMarker2(LatencyMarker) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processOperatorOrUdfIfSatisfy(StreamOperator<?>, Class<T>, ThrowingConsumer<T, Exception>) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
 
processWatermark(Watermark) - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
processWatermark(Watermark) - Method in class org.apache.flink.iteration.operator.InputOperator
 
processWatermark(Watermark) - Method in class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
processWatermark(Watermark) - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
processWatermark(Watermark) - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
processWatermark1(Watermark) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processWatermark1(Watermark) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processWatermark1(Watermark) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processWatermark2(Watermark) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processWatermark2(Watermark) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processWatermark2(Watermark) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processWatermarkStatus(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
processWatermarkStatus(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.perround.OneInputPerRoundWrapperOperator
 
processWatermarkStatus(WatermarkStatus) - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
processWatermarkStatus1(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processWatermarkStatus1(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processWatermarkStatus1(WatermarkStatus) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processWatermarkStatus2(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
processWatermarkStatus2(WatermarkStatus) - Method in class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
processWatermarkStatus2(WatermarkStatus) - Method in class org.apache.flink.ml.common.broadcast.operator.TwoInputBroadcastWrapperOperator
 
processWatermarkX(Watermark, int, ThrowingConsumer<StreamRecord, Exception>, ThrowingConsumer<Watermark, Exception>, ThrowingConsumer<StreamRecord, Exception>) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
Extracts common processing logic in subclasses' processing watermarks.
ProxyInternalTimeServiceManager<K> - Class in org.apache.flink.iteration.proxy.state
Proxy InternalTimeServiceManager for the wrapped operators.
ProxyInternalTimeServiceManager(InternalTimeServiceManager<K>, StateNamePrefix) - Constructor for class org.apache.flink.iteration.proxy.state.ProxyInternalTimeServiceManager
 
ProxyKeyedStateBackend<K> - Class in org.apache.flink.iteration.proxy.state
Proxy KeyedStateBackend for the wrapped operators.
ProxyKeyedStateBackend(CheckpointableKeyedStateBackend<K>, StateNamePrefix) - Constructor for class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
ProxyKeySelector<T,KEY> - Class in org.apache.flink.iteration.proxy
Proxy key selector for the wrapped one.
ProxyKeySelector(KeySelector<T, KEY>) - Constructor for class org.apache.flink.iteration.proxy.ProxyKeySelector
 
ProxyOperatorStateBackend - Class in org.apache.flink.iteration.proxy.state
Proxy OperatorStateBackend for the wrapped Operator.
ProxyOperatorStateBackend(OperatorStateBackend, StateNamePrefix) - Constructor for class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
proxyOutput - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
ProxyOutput<T> - Class in org.apache.flink.iteration.proxy
Proxy output to provide to the wrapped operator.
ProxyOutput(Output<StreamRecord<IterationRecord<T>>>) - Constructor for class org.apache.flink.iteration.proxy.ProxyOutput
 
ProxyStateSnapshotContext - Class in org.apache.flink.iteration.proxy.state
Proxy StateSnapshotContext for the wrapped operators.
ProxyStateSnapshotContext(StateSnapshotContext) - Constructor for class org.apache.flink.iteration.proxy.state.ProxyStateSnapshotContext
 
ProxyStreamOperatorStateContext - Class in org.apache.flink.iteration.proxy.state
Proxy StreamOperatorStateContext for the wrapped operator.
ProxyStreamOperatorStateContext(StreamOperatorStateContext, String, Iterator<StatePartitionStreamProvider>, int) - Constructor for class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
ProxyStreamPartitioner<T> - Class in org.apache.flink.iteration.proxy
Proxy stream partitioner for the wrapped one.
ProxyStreamPartitioner(StreamPartitioner<T>) - Constructor for class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
putBroadcastVariable(String, Tuple2<Boolean, List<?>>) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
putDouble(byte[], int, double) - Static method in class org.apache.flink.ml.util.Bits
 
putLong(byte[], int, long) - Static method in class org.apache.flink.ml.util.Bits
 
putMailBoxExecutor(String, MailboxExecutor) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
putNormalizedKey(Tuple2<byte[], StreamRecord<IN>>, MemorySegment, int, int) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
putNormalizedKey(Tuple2<byte[], StreamRecord<IN>>, MemorySegment, int, int) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
PythonBridgeUtils - Class in org.apache.flink.ml.python
Utility functions used to override PyFlink methods to provide a temporary solution for certain bugs.
PythonBridgeUtils() - Constructor for class org.apache.flink.ml.python.PythonBridgeUtils
 

Q

QUANTILE - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
QuantileSummary - Class in org.apache.flink.ml.common.util
Helper class to compute an approximate quantile summary.
QuantileSummary() - Constructor for class org.apache.flink.ml.common.util.QuantileSummary
Empty QuantileSummary Constructor.
QuantileSummary(double) - Constructor for class org.apache.flink.ml.common.util.QuantileSummary
QuantileSummary Constructor.
QuantileSummary(double, int) - Constructor for class org.apache.flink.ml.common.util.QuantileSummary
QuantileSummary Constructor.
QuantileSummary(double, int, List<QuantileSummary.StatsTuple>, long, boolean) - Constructor for class org.apache.flink.ml.common.util.QuantileSummary
QuantileSummary Constructor.
QuantileSummary.StatsTuple - Class in org.apache.flink.ml.common.util
Wrapper class to hold all statistics from the Greenwald-Khanna paper.
QuantileSummaryTypeInfoFactory - Class in org.apache.flink.ml.common.typeinfo
Used by TypeExtractor to create a TypeInformation for implementations of QuantileSummary.
QuantileSummaryTypeInfoFactory() - Constructor for class org.apache.flink.ml.common.typeinfo.QuantileSummaryTypeInfoFactory
 
query(double) - Method in class org.apache.flink.ml.common.util.QuantileSummary
Runs a query for a given percentile.
query(double[]) - Method in class org.apache.flink.ml.common.util.QuantileSummary
Runs a query for a given sequence of percentiles.

R

randCoefficientA - Variable in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
randCoefficientB - Variable in class org.apache.flink.ml.feature.lsh.MinHashLSHModelData
 
random - Variable in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
Random instance to generate data.
RandomSplitter - Class in org.apache.flink.ml.feature.randomsplitter
An AlgoOperator which splits a Table into N Tables according to the given weights.
RandomSplitter() - Constructor for class org.apache.flink.ml.feature.randomsplitter.RandomSplitter
 
RandomSplitterExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a RandomSplitter instance and uses it for data splitting.
RandomSplitterExample() - Constructor for class org.apache.flink.ml.examples.feature.RandomSplitterExample
 
RandomSplitterParams<T> - Interface in org.apache.flink.ml.feature.randomsplitter
Params of RandomSplitter.
RandomStringArrayGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of random string arrays.
RandomStringArrayGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.RandomStringArrayGenerator
 
RandomStringGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A DataGenerator which creates a table of random strings.
RandomStringGenerator() - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.RandomStringGenerator
 
ranges - Variable in class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData
 
RAW_PREDICTION_COL - Static variable in interface org.apache.flink.ml.common.param.HasRawPredictionCol
 
rawKeyedStateInputs() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
rawOperatorStateInputs() - Method in class org.apache.flink.iteration.proxy.state.ProxyStreamOperatorStateContext
 
readWithKeyDenormalization(Tuple2<byte[], StreamRecord<IN>>, DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
readWithKeyDenormalization(Tuple2<byte[], StreamRecord<IN>>, DataInputView) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
ReadWriteUtils - Class in org.apache.flink.ml.util
Utility methods for reading and writing stages.
ReadWriteUtils() - Constructor for class org.apache.flink.ml.util.ReadWriteUtils
 
RecordWriterBroadcastOutput<OUT> - Class in org.apache.flink.iteration.broadcast
The broadcast output corresponding to a record writer output.
RecordWriterBroadcastOutput(RecordWriter<SerializationDelegate<StreamElement>>, TypeSerializer<StreamElement>) - Constructor for class org.apache.flink.iteration.broadcast.RecordWriterBroadcastOutput
 
recover(InputStream, FileSystem, SupplierWithException<Path, IOException>) - Static method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
Recovers a data cache instance from the input stream.
reduce(DataStream<T>, ReduceFunction<T>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a ReduceFunction on a bounded data stream.
reduce(DataStream<T>, ReduceFunction<T>, TypeInformation<T>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a ReduceFunction on a bounded data stream.
reduce(KeyedStream<T, K>, ReduceFunction<T>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a ReduceFunction on a bounded keyed data stream.
reduce(KeyedStream<T, K>, ReduceFunction<T>, TypeInformation<T>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Applies a ReduceFunction on a bounded keyed data stream.
ReduceTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the ReduceTransformation.
ReduceTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.ReduceTransformationTranslator
 
ReflectionUtils - Class in org.apache.flink.iteration.utils
Utility class to provide some reflection tools.
ReflectionUtils() - Constructor for class org.apache.flink.iteration.utils.ReflectionUtils
 
REG - Static variable in interface org.apache.flink.ml.common.param.HasReg
 
RegexTokenizer - Class in org.apache.flink.ml.feature.regextokenizer
A Transformer which converts the input string to lowercase and then splits it by white spaces based on regex.
RegexTokenizer() - Constructor for class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer
 
RegexTokenizer.RegexTokenizerUdf - Class in org.apache.flink.ml.feature.regextokenizer
The main logic of $RegexTokenizer, which converts the input string to an array of tokens.
RegexTokenizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a RegexTokenizer instance and uses it for feature engineering.
RegexTokenizerExample() - Constructor for class org.apache.flink.ml.examples.feature.RegexTokenizerExample
 
RegexTokenizerParams<T> - Interface in org.apache.flink.ml.feature.regextokenizer
Params for RegexTokenizer.
RegexTokenizerUdf() - Constructor for class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer.RegexTokenizerUdf
 
registerAlignedListener(OperatorID, SharedProgressAlignerListener) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
registerFeedbackConsumer(FeedbackChannel<V>, FeedbackConsumer<V>, Executor) - Static method in class org.apache.flink.iteration.operator.OperatorUtils
Registers the specified feedbackConsumer to the feedbackChannel.
registerKeySelectionListener(KeyedStateBackend.KeySelectionListener<K>) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
RegularHeadOperatorRecordProcessor - Class in org.apache.flink.iteration.operator.headprocessor
Processes the event before we received the terminated global aligned event from the coordinator.
RegularHeadOperatorRecordProcessor(HeadOperatorRecordProcessor.Context) - Constructor for class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
RELATIVE_ERROR - Static variable in interface org.apache.flink.ml.common.param.HasRelativeError
 
remove(String) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastContext
 
removeProgressInfo(OperatorID) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
removeProgressInfo(OperatorID, int) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
RemoveStopWordsFunction(Set<String>, Locale, boolean) - Constructor for class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover.RemoveStopWordsFunction
 
replay(InputStream, TypeSerializer<T>, FeedbackConsumer<T>) - Static method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
Replays cached records in the data cache from the input stream into the target feedback consumer.
replay(DataStream<?>...) - Static method in class org.apache.flink.iteration.ReplayableDataStreamList
 
ReplayableDataStreamList - Class in org.apache.flink.iteration
A list of data streams and whether they need replayed.
ReplayableDataStreamList.NonReplayedDataStreamList - Class in org.apache.flink.iteration
A special ReplayableDataStreamList that all streams should be not replayed.
ReplayableDataStreamList.ReplayedDataStreamList - Class in org.apache.flink.iteration
A special ReplayableDataStreamList that all streams should be replayed.
ReplayedDataStreamList(List<DataStream<?>>) - Constructor for class org.apache.flink.iteration.ReplayableDataStreamList.ReplayedDataStreamList
 
ReplayOperator<T> - Class in org.apache.flink.iteration.operator
Replays the data received in the round 0 in the following round.
ReplayOperator() - Constructor for class org.apache.flink.iteration.operator.ReplayOperator
 
reportOrForwardLatencyMarker(LatencyMarker) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
reportSubtaskProgress(OperatorID, int, SubtaskAlignedEvent) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
requestCheckpoint(long, int, CompletableFuture<byte[]>) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
resetToCheckpoint(long, byte[]) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
RobustScaler - Class in org.apache.flink.ml.feature.robustscaler
An Estimator which scales features using statistics that are robust to outliers.
RobustScaler() - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScaler
 
RobustScalerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a RobustScaler model and uses it for feature selection.
RobustScalerExample() - Constructor for class org.apache.flink.ml.examples.feature.RobustScalerExample
 
RobustScalerModel - Class in org.apache.flink.ml.feature.robustscaler
A Model which transforms data using the model data computed by RobustScaler.
RobustScalerModel() - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
RobustScalerModelData - Class in org.apache.flink.ml.feature.robustscaler
Model data of RobustScalerModel.
RobustScalerModelData() - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData
 
RobustScalerModelData(DenseVector, DenseVector) - Constructor for class org.apache.flink.ml.feature.robustscaler.RobustScalerModelData
 
RobustScalerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.robustscaler
Data decoder for the RobustScalerModel model data.
RobustScalerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.robustscaler
Data encoder for the RobustScalerModel model data.
RobustScalerModelParams<T> - Interface in org.apache.flink.ml.feature.robustscaler
Params for RobustScalerModel.
RobustScalerParams<T> - Interface in org.apache.flink.ml.feature.robustscaler
Params for RobustScaler.
Row - Class in org.apache.flink.ml.servable.api
Represents an ordered list of values.
Row(List<Object>) - Constructor for class org.apache.flink.ml.servable.api.Row
The given values should be mutable in order for TransformerServable classes to update DataFrame with the serving results.
RowGenerator - Class in org.apache.flink.ml.benchmark.datagenerator.common
A parallel source to generate user defined rows.
RowGenerator(long, long) - Constructor for class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
 
RowUtils - Class in org.apache.flink.ml.util
Utilities to deal with Row instances.
RowUtils() - Constructor for class org.apache.flink.ml.util.RowUtils
 
run(SourceFunction.SourceContext<T>) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment.EmptySource
 
run(SourceFunction.SourceContext<Row>) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.RowGenerator
 
run(SourceFunction.SourceContext<Row>) - Method in class org.apache.flink.ml.examples.util.PeriodicSourceFunction
 
runBenchmark(StreamTableEnvironment, String, Map<String, Map<String, ?>>, boolean) - Static method in class org.apache.flink.ml.benchmark.BenchmarkUtils
Instantiates a benchmark from its parameter map and executes the benchmark in the provided environment.

S

sample(DataStream<T>, int, long) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Performs an approximate uniform sampling over the elements in a bounded data stream.
save(String) - Method in interface org.apache.flink.ml.api.Stage
Saves the metadata and bounded data of this stage to the given path.
save(String) - Method in class org.apache.flink.ml.builder.Graph
 
save(String) - Method in class org.apache.flink.ml.builder.GraphModel
 
save(String) - Method in class org.apache.flink.ml.builder.Pipeline
 
save(String) - Method in class org.apache.flink.ml.builder.PipelineModel
 
save(String) - Method in class org.apache.flink.ml.classification.knn.Knn
 
save(String) - Method in class org.apache.flink.ml.classification.knn.KnnModel
 
save(String) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVC
 
save(String) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
save(String) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegression
 
save(String) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
save(String) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
 
save(String) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
save(String) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayes
 
save(String) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
save(String) - Method in class org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClustering
 
save(String) - Method in class org.apache.flink.ml.clustering.kmeans.KMeans
 
save(String) - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
save(String) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
Saves the metadata AND bounded model data table (if exists) to the given path.
save(String) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
Saves the metadata to the given path.
save(String) - Method in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator
 
save(String) - Method in class org.apache.flink.ml.feature.binarizer.Binarizer
 
save(String) - Method in class org.apache.flink.ml.feature.bucketizer.Bucketizer
 
save(String) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizer
 
save(String) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
save(String) - Method in class org.apache.flink.ml.feature.dct.DCT
 
save(String) - Method in class org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProduct
 
save(String) - Method in class org.apache.flink.ml.feature.featurehasher.FeatureHasher
 
save(String) - Method in class org.apache.flink.ml.feature.hashingtf.HashingTF
 
save(String) - Method in class org.apache.flink.ml.feature.idf.IDF
 
save(String) - Method in class org.apache.flink.ml.feature.idf.IDFModel
 
save(String) - Method in class org.apache.flink.ml.feature.imputer.Imputer
 
save(String) - Method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
save(String) - Method in class org.apache.flink.ml.feature.interaction.Interaction
 
save(String) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizer
 
save(String) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
save(String) - Method in class org.apache.flink.ml.feature.lsh.MinHashLSHModel
 
save(String) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScaler
 
save(String) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
save(String) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler
 
save(String) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
save(String) - Method in class org.apache.flink.ml.feature.ngram.NGram
 
save(String) - Method in class org.apache.flink.ml.feature.normalizer.Normalizer
 
save(String) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoder
 
save(String) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
save(String) - Method in class org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansion
 
save(String) - Method in class org.apache.flink.ml.feature.randomsplitter.RandomSplitter
 
save(String) - Method in class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer
 
save(String) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScaler
 
save(String) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
save(String) - Method in class org.apache.flink.ml.feature.sqltransformer.SQLTransformer
 
save(String) - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScaler
 
save(String) - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
save(String) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScaler
 
save(String) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
save(String) - Method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
 
save(String) - Method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
save(String) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexer
 
save(String) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
save(String) - Method in class org.apache.flink.ml.feature.tokenizer.Tokenizer
 
save(String) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelector
 
save(String) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
save(String) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelector
 
save(String) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
save(String) - Method in class org.apache.flink.ml.feature.vectorassembler.VectorAssembler
 
save(String) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexer
 
save(String) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
save(String) - Method in class org.apache.flink.ml.feature.vectorslicer.VectorSlicer
 
save(String) - Method in class org.apache.flink.ml.recommendation.swing.Swing
 
save(String) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegression
 
save(String) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
save(String) - Method in class org.apache.flink.ml.stats.anovatest.ANOVATest
 
save(String) - Method in class org.apache.flink.ml.stats.chisqtest.ChiSqTest
 
save(String) - Method in class org.apache.flink.ml.stats.fvaluetest.FValueTest
 
saveGraph(Stage<?>, GraphData, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Saves a Graph or GraphModel with the given GraphData to the given path.
saveMetadata(Stage<?>, String, Map<String, ?>) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Saves the metadata of the given stage and the extra metadata to a file named `metadata` under the given path.
saveMetadata(Stage<?>, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Saves the metadata of the given stage to a file named `metadata` under the given path.
saveModelData(DataStream<T>, String, Encoder<T>) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Saves the model data stream to the given path using the model encoder.
savePipeline(Stage<?>, List<Stage<?>>, String) - Static method in class org.apache.flink.ml.util.ReadWriteUtils
Saves a Pipeline or PipelineModel with the given list of stages to the given path.
savepoint() - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
saveToFile(String, String, boolean) - Static method in class org.apache.flink.ml.util.FileUtils
Saves a given string to the specified file.
scal(double, Vector) - Static method in class org.apache.flink.ml.linalg.BLAS
x = x * a .
ScalarType - Class in org.apache.flink.ml.servable.types
A DataType representing a single element of the given BasicType.
ScalarType(BasicType) - Constructor for class org.apache.flink.ml.servable.types.ScalarType
 
SCALING_VEC - Static variable in interface org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProductParams
 
SEED - Static variable in interface org.apache.flink.ml.common.param.HasSeed
 
Segment - Class in org.apache.flink.iteration.datacache.nonkeyed
A segment contains the information about a cache unit.
selectByIndices(Vector, int[]) - Static method in class org.apache.flink.ml.common.util.VectorUtils
Selects a subset of the vector base on the indices.
selectChannel(SerializationDelegate<StreamRecord<IterationRecord<T>>>) - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
SELECTION_MODE - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
Supported options of the feature selection mode.
SELECTION_THRESHOLD - Static variable in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
selectRandomCentroids(DataStream<DenseVector>, int, long) - Static method in class org.apache.flink.ml.clustering.kmeans.KMeans
 
serialize(IterationRecord<T>, DataOutputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
serialize(CacheElement<T>, DataOutputView) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
serialize(Tuple2<byte[], StreamRecord<IN>>, DataOutputView) - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
serialize(PriorityQueue<T>, DataOutputView) - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
serialize(DenseMatrix, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
serialize(DenseVector, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
serialize(SparseVector, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
serialize(Vector, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
serialize(VectorWithNorm, DataOutputView) - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
serializerNumber(int, DataOutputView) - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
Variant encoding for the epoch.
ServableReadWriteUtils - Class in org.apache.flink.ml.util
Utility methods for loading Servables.
ServableReadWriteUtils() - Constructor for class org.apache.flink.ml.util.ServableReadWriteUtils
 
set(int, double) - Method in class org.apache.flink.ml.linalg.DenseVector
 
set(int, double) - Method in class org.apache.flink.ml.linalg.SparseVector
 
set(int, double) - Method in interface org.apache.flink.ml.linalg.Vector
Sets the value of the ith element.
set(Param<V>, V) - Method in interface org.apache.flink.ml.param.WithParams
Sets the value of the parameter.
setAlpha(Double) - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
setAlpha1(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setAlpha2(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setArity(int) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.DoubleGenerator
 
setArraySize(int) - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasArraySize
 
setBeta(Double) - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionParams
 
setBeta(Double) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setBinary(boolean) - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
setBinary(boolean) - Method in interface org.apache.flink.ml.feature.hashingtf.HashingTFParams
 
setBroadcastVariable(String, List<?>) - Method in class org.apache.flink.ml.common.broadcast.BroadcastStreamingRuntimeContext
 
setCaseSensitive(boolean) - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
setCategoricalCols(String...) - Method in interface org.apache.flink.ml.common.param.HasCategoricalCols
 
setCheckpointId(long) - Method in class org.apache.flink.iteration.IterationRecord
 
setCheckpoints(SubtaskFeedbackKey<V>, Checkpoints<V>) - Method in class org.apache.flink.iteration.checkpoint.CheckpointsBroker
 
setColNames(String[]...) - Method in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
setComputeFullTree(Boolean) - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
setContextRound(Integer) - Method in class org.apache.flink.iteration.proxy.ProxyOutput
 
setCriteriaStreamParallelism(int) - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
setCurrentKey(Object) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
setCurrentKey(Object) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
setCurrentKey(K) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
setCurrentKey(Object) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
setCurrentWrapper(OperatorWrapper<?, ?>) - Method in class org.apache.flink.iteration.compile.DraftExecutionEnvironment
 
setDecayFactor(Double) - Method in interface org.apache.flink.ml.common.param.HasDecayFactor
 
setDegree(Integer) - Method in interface org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansionParams
 
setDistanceMeasure(String) - Method in interface org.apache.flink.ml.common.param.HasDistanceMeasure
 
setDistanceThreshold(Double) - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
setDropLast(boolean) - Method in interface org.apache.flink.ml.feature.onehotencoder.OneHotEncoderParams
 
setElasticNet(Double) - Method in interface org.apache.flink.ml.common.param.HasElasticNet
 
setEpoch(int) - Method in class org.apache.flink.iteration.IterationRecord
 
setEpochSupplier(Supplier<Integer>) - Method in class org.apache.flink.iteration.functions.EpochAwareAllRoundProcessFunction
 
setEpochSupplier(Supplier<Integer>) - Method in class org.apache.flink.iteration.functions.EpochAwareCoProcessFunction
 
setEpochSupplier(Supplier<Integer>) - Method in interface org.apache.flink.iteration.operator.allround.EpochAware
 
setFeatureArity(int) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
setFeatures(DenseVector) - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
setFeaturesCol(String) - Method in interface org.apache.flink.ml.common.param.HasFeaturesCol
 
setFeatureType(String) - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
setFlatten(boolean) - Method in interface org.apache.flink.ml.common.param.HasFlatten
 
setGaps(boolean) - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
setGlobalBatchSize(Integer) - Method in interface org.apache.flink.ml.common.param.HasGlobalBatchSize
 
setHandleInvalid(String) - Method in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
setIndices(Integer...) - Method in interface org.apache.flink.ml.feature.vectorslicer.VectorSlicerParams
 
setInitialModelData(Table) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegression
Sets the initial model data of the online training process with the provided model data table.
setInitialModelData(Table) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeans
Sets the initial model data of the online training process with the provided model data table.
setInitMode(String) - Method in interface org.apache.flink.ml.clustering.kmeans.KMeansParams
 
setInputCol(String) - Method in interface org.apache.flink.ml.common.param.HasInputCol
 
setInputCols(String...) - Method in interface org.apache.flink.ml.common.param.HasInputCols
 
setInputSizes(Integer...) - Method in interface org.apache.flink.ml.feature.vectorassembler.VectorAssemblerParams
 
setInverse(boolean) - Method in interface org.apache.flink.ml.feature.dct.DCTParams
 
setItemCol(String) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setIterationContextRound(Integer) - Method in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
setK(Integer) - Method in interface org.apache.flink.ml.classification.knn.KnnModelParams
 
setK(int) - Method in interface org.apache.flink.ml.clustering.kmeans.KMeansModelParams
 
setK(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setKeyContextElement(StreamRecord<IterationRecord<IN>>) - Method in class org.apache.flink.iteration.operator.allround.OneInputAllRoundWrapperOperator
 
setKeyContextElement(StreamRecord<IN>) - Method in class org.apache.flink.ml.common.broadcast.operator.OneInputBroadcastWrapperOperator
 
setKeyContextElement1(StreamRecord<?>) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
setKeyContextElement1(StreamRecord) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
setKeyContextElement1(StreamRecord<?>) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
setKeyContextElement2(StreamRecord<?>) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
setKeyContextElement2(StreamRecord) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
setKeyContextElement2(StreamRecord<?>) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
setLabel(double) - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
setLabelArity(int) - Method in class org.apache.flink.ml.benchmark.datagenerator.common.LabeledPointWithWeightGenerator
 
setLabelCol(String) - Method in interface org.apache.flink.ml.common.param.HasLabelCol
 
setLabelType(String) - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
setLearningRate(Double) - Method in interface org.apache.flink.ml.common.param.HasLearningRate
 
setLinkage(String) - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
setLocale(String) - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
setLower(Double) - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
setMailboxExecutor(MailboxExecutor) - Method in class org.apache.flink.iteration.operator.HeadOperatorFactory
 
setManagedMemoryWeight(DataStream<T>, long) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Sets {Transformation#declareManagedMemoryUseCaseAtOperatorScope(ManagedMemoryUseCase, int)} using the given bytes for ManagedMemoryUseCase.OPERATOR.
setMax(Double) - Method in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
setMaxAllowedModelDelayMs(long) - Method in interface org.apache.flink.ml.common.param.HasMaxAllowedModelDelayMs
 
setMaxCategories(int) - Method in interface org.apache.flink.ml.feature.vectorindexer.VectorIndexerParams
 
setMaxDF(double) - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
setMaxIndexNum(int) - Method in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
setMaxIter(int) - Method in interface org.apache.flink.ml.common.param.HasMaxIter
 
setMaxOutputTableNum(int) - Method in class org.apache.flink.ml.builder.GraphBuilder
Specifies the loose upper bound of the number of output tables that can be returned by the Model::getModelData() and AlgoOperator::transform() methods, for any stage involved in this Graph.
setMaxUserBehavior(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setMaxUserNumPerItem(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setMetricsNames(String...) - Method in interface org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluatorParams
 
setMin(Double) - Method in interface org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerParams
 
setMinDF(double) - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
setMinDocFreq(Integer) - Method in interface org.apache.flink.ml.feature.idf.IDFParams
 
setMinTF(double) - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelParams
 
setMinTokenLength(int) - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
setMinUserBehavior(Integer) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setMissingValue(double) - Method in interface org.apache.flink.ml.feature.imputer.ImputerModelParams
 
setModelData(Table...) - Method in interface org.apache.flink.ml.api.Model
Sets model data using the given list of tables.
setModelData(Table...) - Method in class org.apache.flink.ml.builder.GraphModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.classification.knn.KnnModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
setModelData(InputStream...) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
 
setModelData(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.idf.IDFModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
setModelData(Table...) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
setModelData(InputStream...) - Method in interface org.apache.flink.ml.servable.api.ModelServable
Sets model data using the serialized model data from the given input streams.
setModelDataOnEstimator(Estimator<?, ?>, TableId...) - Method in class org.apache.flink.ml.builder.GraphBuilder
When the graph runs as Estimator, it first generates a GraphModel that contains the Model fitted by the given Estimator.
setModelDataOnModel(Model<?>, TableId...) - Method in class org.apache.flink.ml.builder.GraphBuilder
When the graph runs as Estimator, the setModelData() of the given Model would be invoked with the given inputs before its transform() is invoked.
setModelType(String) - Method in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesModelParams
 
setModelVersionCol(String) - Method in interface org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModelParams
 
setModelVersionCol(String) - Method in interface org.apache.flink.ml.common.param.HasModelVersionCol
 
setMultiClass(String) - Method in interface org.apache.flink.ml.common.param.HasMultiClass
 
setN(int) - Method in interface org.apache.flink.ml.feature.ngram.NGramParams
 
setNumBins(int) - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
setNumClusters(Integer) - Method in interface org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClusteringParams
 
setNumDistinctValues(int) - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasNumDistinctValues
 
setNumFeatures(int) - Method in interface org.apache.flink.ml.common.param.HasNumFeatures
 
setNumHashFunctionsPerTable(Integer) - Method in interface org.apache.flink.ml.feature.lsh.LSHParams
 
setNumHashTables(Integer) - Method in interface org.apache.flink.ml.feature.lsh.LSHParams
 
setNumValues(long) - Method in interface org.apache.flink.ml.benchmark.datagenerator.InputDataGenerator
 
setOperatorLifeCycle(IterationConfig.OperatorLifeCycle) - Method in class org.apache.flink.iteration.IterationConfig.IterationConfigBuilder
 
setOutputCol(String) - Method in interface org.apache.flink.ml.common.param.HasOutputCol
 
setOutputCols(String...) - Method in interface org.apache.flink.ml.common.param.HasOutputCols
 
setP(Double) - Method in interface org.apache.flink.ml.feature.normalizer.NormalizerParams
 
setParam(WithParams<?>, Param<T>, Object) - Static method in class org.apache.flink.ml.util.ParamUtils
 
setPattern(String) - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
setPredictionCol(String) - Method in interface org.apache.flink.ml.common.param.HasPredictionCol
 
setRawPredictionCol(String) - Method in interface org.apache.flink.ml.common.param.HasRawPredictionCol
 
setRecord(T) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
setReference(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
setReference(Tuple2<byte[], StreamRecord<IN>>) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
setReg(Double) - Method in interface org.apache.flink.ml.common.param.HasReg
 
setRelativeError(double) - Method in interface org.apache.flink.ml.common.param.HasRelativeError
 
setScalingVec(Vector) - Method in interface org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProductParams
 
setSeed(long) - Method in interface org.apache.flink.ml.common.param.HasSeed
 
setSelectionMode(String) - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
setSelectionThreshold(double) - Method in interface org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorParams
 
setSender(String) - Method in class org.apache.flink.iteration.IterationRecord
 
setSmoothing(Double) - Method in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesParams
 
setSplitsArray(Double[][]) - Method in interface org.apache.flink.ml.feature.bucketizer.BucketizerParams
 
setStatement(String) - Method in interface org.apache.flink.ml.feature.sqltransformer.SQLTransformerParams
 
setStopWords(String[]) - Method in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
setStrategy(String) - Method in interface org.apache.flink.ml.feature.imputer.ImputerParams
 
setStrategy(String) - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
setStringOrderType(String) - Method in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
 
setSubSamples(Integer) - Method in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
setThreshold(Double) - Method in interface org.apache.flink.ml.classification.linearsvc.LinearSVCModelParams
 
setThresholds(Double...) - Method in interface org.apache.flink.ml.feature.binarizer.BinarizerParams
 
setTol(Double) - Method in interface org.apache.flink.ml.common.param.HasTol
 
setToLowercase(boolean) - Method in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
setType(IterationRecord.Type) - Method in class org.apache.flink.iteration.IterationRecord
 
setType(CacheElement.Type) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
setup(StreamTask<?, ?>, StreamConfig, Output<StreamRecord<IterationRecord<?>>>) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
setup(StreamTask<?, ?>, StreamConfig, Output<StreamRecord<IterationRecord<T>>>) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
setup(StreamTask<?, ?>, StreamConfig, Output<StreamRecord<Void>>) - Method in class org.apache.flink.iteration.operator.TailOperator
 
setup(int) - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
setup(StreamTask<?, ?>, StreamConfig, Output<StreamRecord<OUT>>) - Method in class org.apache.flink.ml.common.datastream.sort.CoGroupOperator
 
setUpper(Double) - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
setUserCol(String) - Method in interface org.apache.flink.ml.recommendation.swing.SwingParams
 
setValue(T) - Method in class org.apache.flink.iteration.IterationRecord
 
setVarianceThreshold(double) - Method in interface org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorParams
 
setVectorDim(int) - Method in interface org.apache.flink.ml.benchmark.datagenerator.param.HasVectorDim
 
setVocabularySize(int) - Method in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 
setWatermark(long) - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElement
 
setWeight(double) - Method in class org.apache.flink.ml.common.feature.LabeledPointWithWeight
 
setWeightCol(String) - Method in interface org.apache.flink.ml.common.param.HasWeightCol
 
setWeights(Double...) - Method in interface org.apache.flink.ml.feature.randomsplitter.RandomSplitterParams
 
setWindows(Windows) - Method in interface org.apache.flink.ml.common.param.HasWindows
 
setWithCentering(boolean) - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
setWithMean(boolean) - Method in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
setWithScaling(boolean) - Method in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
setWithStd(boolean) - Method in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
SGD - Class in org.apache.flink.ml.common.optimizer
Stochastic Gradient Descent (SGD) is the mostly wide-used optimizer for optimizing machine learning models.
SGD(int, double, int, double, double, double) - Constructor for class org.apache.flink.ml.common.optimizer.SGD
 
shallowCopy() - Method in class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
SharedProgressAligner - Class in org.apache.flink.iteration.operator.coordinator
The progress aligner shared between multiple HeadOperatorCoordinator.
SharedProgressAlignerListener - Interface in org.apache.flink.iteration.operator.coordinator
The listener of the SharedProgressAligner.
SHORT - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
SideOutputTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the SideOutputTransformation.
SideOutputTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.SideOutputTransformationTranslator
 
size() - Method in class org.apache.flink.iteration.DataStreamList
Returns the number of data streams in this list.
size() - Method in class org.apache.flink.ml.linalg.DenseVector
 
size() - Method in class org.apache.flink.ml.linalg.SparseVector
 
size() - Method in interface org.apache.flink.ml.linalg.Vector
Gets the size of the vector.
size() - Method in class org.apache.flink.ml.servable.api.Row
Returns the number of values in this row.
sizesValidator() - Static method in interface org.apache.flink.ml.feature.vectorassembler.VectorAssemblerParams
 
SKIP_INVALID - Static variable in interface org.apache.flink.ml.common.param.HasHandleInvalid
 
SMOOTHING - Static variable in interface org.apache.flink.ml.classification.naivebayes.NaiveBayesParams
 
snapshot(long, long, CheckpointStreamFactory, CheckpointOptions) - Method in class org.apache.flink.iteration.proxy.state.ProxyKeyedStateBackend
 
snapshot(long, long, CheckpointStreamFactory, CheckpointOptions) - Method in class org.apache.flink.iteration.proxy.state.ProxyOperatorStateBackend
 
snapshotConfiguration() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.common.datastream.sort.KeyAndValueSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
snapshotConfiguration() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
snapshotState(long, long, CheckpointOptions, CheckpointStreamFactory) - Method in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.iteration.operator.HeadOperator
 
snapshotState() - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor
 
snapshotState() - Method in class org.apache.flink.iteration.operator.headprocessor.RegularHeadOperatorRecordProcessor
 
snapshotState() - Method in class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
snapshotState(long, long, CheckpointOptions, CheckpointStreamFactory) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.iteration.operator.perround.AbstractPerRoundWrapperOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.iteration.operator.ReplayOperator
 
snapshotState(long, long, CheckpointOptions, CheckpointStreamFactory) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastVariableReceiverOperator
 
snapshotState(StateSnapshotContext) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScaler.MinMaxReduceFunctionOperator
 
snapshotToRawKeyedState(KeyedStateCheckpointOutputStream, String) - Method in class org.apache.flink.iteration.proxy.state.ProxyInternalTimeServiceManager
 
sparse(int, int[], double[]) - Static method in class org.apache.flink.ml.linalg.Vectors
Creates a sparse vector from its values.
SparseVector - Class in org.apache.flink.ml.linalg
A sparse vector of double values.
SparseVector(int, int[], double[]) - Constructor for class org.apache.flink.ml.linalg.SparseVector
 
SparseVectorSerializer - Class in org.apache.flink.ml.linalg.typeinfo
Specialized serializer for SparseVector.
SparseVectorSerializer() - Constructor for class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer
 
SparseVectorSerializer.SparseVectorSerializerSnapshot - Class in org.apache.flink.ml.linalg.typeinfo
Serializer configuration snapshot for compatibility and format evolution.
SparseVectorSerializerSnapshot() - Constructor for class org.apache.flink.ml.linalg.typeinfo.SparseVectorSerializer.SparseVectorSerializerSnapshot
 
SparseVectorTypeInfo - Class in org.apache.flink.ml.linalg.typeinfo
A TypeInformation for the SparseVector type.
SparseVectorTypeInfo() - Constructor for class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
SparseVectorTypeInfoFactory - Class in org.apache.flink.ml.linalg.typeinfo
Used by TypeExtractor to create a TypeInformation for implementations of SparseVector.
SparseVectorTypeInfoFactory() - Constructor for class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfoFactory
 
SPLITS_ARRAY - Static variable in interface org.apache.flink.ml.feature.bucketizer.BucketizerParams
The array of split points for mapping continuous features into buckets for multiple columns.
SplitsArrayValidator() - Constructor for class org.apache.flink.ml.feature.bucketizer.BucketizerParams.SplitsArrayValidator
 
SQLStatementValidator() - Constructor for class org.apache.flink.ml.feature.sqltransformer.SQLTransformerParams.SQLStatementValidator
 
SQLTransformer - Class in org.apache.flink.ml.feature.sqltransformer
SQLTransformer implements the transformations that are defined by SQL statement.
SQLTransformer() - Constructor for class org.apache.flink.ml.feature.sqltransformer.SQLTransformer
 
SQLTransformerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a SQLTransformer instance and uses it for feature engineering.
SQLTransformerExample() - Constructor for class org.apache.flink.ml.examples.feature.SQLTransformerExample
 
SQLTransformerParams<T> - Interface in org.apache.flink.ml.feature.sqltransformer
Params for SQLTransformer.
SQLTransformerParams.SQLStatementValidator - Class in org.apache.flink.ml.feature.sqltransformer
Param validator for SQL statements.
Stage<T extends Stage<T>> - Interface in org.apache.flink.ml.api
Base class for a node in a Pipeline or Graph.
stage - Variable in class org.apache.flink.ml.builder.GraphNode
 
stageType - Variable in class org.apache.flink.ml.builder.GraphNode
 
StandardScaler - Class in org.apache.flink.ml.feature.standardscaler
An Estimator which implements the standard scaling algorithm.
StandardScaler() - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScaler
 
StandardScalerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a StandardScaler model and uses it for feature engineering.
StandardScalerExample() - Constructor for class org.apache.flink.ml.examples.feature.StandardScalerExample
 
StandardScalerModel - Class in org.apache.flink.ml.feature.standardscaler
A Model which transforms data using the model data computed by StandardScaler.
StandardScalerModel() - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
StandardScalerModelData - Class in org.apache.flink.ml.feature.standardscaler
Model data of StandardScalerModel.
StandardScalerModelData() - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
 
StandardScalerModelData(DenseVector, DenseVector) - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
 
StandardScalerModelData(DenseVector, DenseVector, long, long) - Constructor for class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
 
StandardScalerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.standardscaler
Data decoder for the StandardScalerModel model data.
StandardScalerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.standardscaler
Data encoder for the StandardScalerModel model data.
StandardScalerParams<T> - Interface in org.apache.flink.ml.feature.standardscaler
Params for StandardScaler.
start() - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
startLogging(long, OperatorStateCheckpointOutputStream) - Method in class org.apache.flink.iteration.checkpoint.Checkpoints
 
stateHandler - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
STATEMENT - Static variable in interface org.apache.flink.ml.feature.sqltransformer.SQLTransformerParams
 
StateNamePrefix - Class in org.apache.flink.iteration.proxy.state
The prefix for the state name.
StateNamePrefix(String) - Constructor for class org.apache.flink.iteration.proxy.state.StateNamePrefix
 
StatsTuple() - Constructor for class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
StatsTuple(double, long, long) - Constructor for class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
std - Variable in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
Standard deviation of each dimension.
STOP_WORDS - Static variable in interface org.apache.flink.ml.feature.stopwordsremover.StopWordsRemoverParams
 
StopWordsRemover - Class in org.apache.flink.ml.feature.stopwordsremover
A feature transformer that filters out stop words from input.
StopWordsRemover() - Constructor for class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
 
StopWordsRemover.RemoveStopWordsFunction - Class in org.apache.flink.ml.feature.stopwordsremover
A Scalar Function that removes stop words from input string array.
StopWordsRemoverExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a StopWordsRemover instance and uses it for feature engineering.
StopWordsRemoverExample() - Constructor for class org.apache.flink.ml.examples.feature.StopWordsRemoverExample
 
StopWordsRemoverParams<T> - Interface in org.apache.flink.ml.feature.stopwordsremover
Params of StopWordsRemover.
STRATEGY - Static variable in interface org.apache.flink.ml.feature.imputer.ImputerParams
Supported options of the imputation strategy.
STRATEGY - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
Supported options to define the widths of the bins are listed as follows.
streamConfig - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
streamConfig - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
STRING - Static variable in class org.apache.flink.ml.servable.types.DataTypes
 
STRING_ORDER_TYPE - Static variable in interface org.apache.flink.ml.feature.stringindexer.StringIndexerParams
Supported options to decide the order of strings in each column are listed as follows.
StringArrayArrayParam - Class in org.apache.flink.ml.param
Class for the array of string array parameter.
StringArrayArrayParam(String, String, String[][], ParamValidator<String[][]>) - Constructor for class org.apache.flink.ml.param.StringArrayArrayParam
 
StringArrayArrayParam(String, String, String[][]) - Constructor for class org.apache.flink.ml.param.StringArrayArrayParam
 
StringArrayParam - Class in org.apache.flink.ml.param
Class for the string array parameter.
StringArrayParam(String, String, String[], ParamValidator<String[]>) - Constructor for class org.apache.flink.ml.param.StringArrayParam
 
StringArrayParam(String, String, String[]) - Constructor for class org.apache.flink.ml.param.StringArrayParam
 
stringArrays - Variable in class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData
Ordered strings of each input column.
StringIndexer - Class in org.apache.flink.ml.feature.stringindexer
An Estimator which implements the string indexing algorithm.
StringIndexer() - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexer
 
StringIndexerExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a StringIndexer model and uses it for feature engineering.
StringIndexerExample() - Constructor for class org.apache.flink.ml.examples.feature.StringIndexerExample
 
StringIndexerModel - Class in org.apache.flink.ml.feature.stringindexer
A Model which transforms input string/numeric column(s) to double column(s) using the model data computed by StringIndexer.
StringIndexerModel() - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
StringIndexerModelData - Class in org.apache.flink.ml.feature.stringindexer
StringIndexerModelData(String[][]) - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData
 
StringIndexerModelData() - Constructor for class org.apache.flink.ml.feature.stringindexer.StringIndexerModelData
 
StringIndexerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.stringindexer
StringIndexerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.stringindexer
StringIndexerModelParams<T> - Interface in org.apache.flink.ml.feature.stringindexer
StringIndexerParams<T> - Interface in org.apache.flink.ml.feature.stringindexer
Params of StringIndexer.
StringParam - Class in org.apache.flink.ml.param
Class for the string parameter.
StringParam(String, String, String, ParamValidator<String>) - Constructor for class org.apache.flink.ml.param.StringParam
 
StringParam(String, String, String) - Constructor for class org.apache.flink.ml.param.StringParam
 
SUB_SAMPLES - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
SubtaskAlignedEvent - Class in org.apache.flink.iteration.operator.event
The event sent from HeadOperator to HeadOperatorCoordinator to notify the subtask has received the EpochWatermark for the specified round.
SubtaskAlignedEvent(int, long, boolean) - Constructor for class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
subtaskReset(int, long) - Method in class org.apache.flink.iteration.operator.coordinator.HeadOperatorCoordinator
 
supportServable() - Method in class org.apache.flink.ml.builder.PipelineModel
Whether all stages in the pipeline have corresponding TransformerServable so that the PipelineModel can be turned into a TransformerServable and used in an online inference program.
supportsNormalizedKey() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
supportsNormalizedKey() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
supportsSerializationWithKeyNormalization() - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
supportsSerializationWithKeyNormalization() - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
surrogates - Variable in class org.apache.flink.ml.feature.imputer.ImputerModelData
 
Swing - Class in org.apache.flink.ml.recommendation.swing
An AlgoOperator which implements the Swing algorithm.
Swing() - Constructor for class org.apache.flink.ml.recommendation.swing.Swing
 
SwingExample - Class in org.apache.flink.ml.examples.recommendation
Simple program that creates a Swing instance and uses it to generate recommendations for items.
SwingExample() - Constructor for class org.apache.flink.ml.examples.recommendation.SwingExample
 
SwingParams<T> - Interface in org.apache.flink.ml.recommendation.swing
Params for Swing.

T

TableId - Class in org.apache.flink.ml.builder
The TableId is necessary to pass the inputs/outputs of various API calls across the nodes of Graph and GraphModel.
TableId(int) - Constructor for class org.apache.flink.ml.builder.TableId
 
TableUtils - Class in org.apache.flink.ml.common.datastream
Utility class for operations related to Table API.
TableUtils() - Constructor for class org.apache.flink.ml.common.datastream.TableUtils
 
TailOperator - Class in org.apache.flink.iteration.operator
The tail operators is attached after each feedback operator to increment the round of each record.
TailOperator(IterationID, int) - Constructor for class org.apache.flink.iteration.operator.TailOperator
 
taskId - Variable in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator.BinarySummary
 
TerminateOnMaxIter<T> - Class in org.apache.flink.ml.common.iteration
A FlatMapFunction that emits values iff the iteration's epochWatermark does not exceed a certain threshold.
TerminateOnMaxIter(int) - Constructor for class org.apache.flink.ml.common.iteration.TerminateOnMaxIter
 
TerminateOnMaxIterOrTol - Class in org.apache.flink.ml.common.iteration
A FlatMapFunction that emits values iff the iteration's epochWatermark does not exceed a certain threshold and the loss exceeds a certain tolerance.
TerminateOnMaxIterOrTol(Integer, Double) - Constructor for class org.apache.flink.ml.common.iteration.TerminateOnMaxIterOrTol
 
TerminateOnMaxIterOrTol(Double) - Constructor for class org.apache.flink.ml.common.iteration.TerminateOnMaxIterOrTol
 
TerminatingHeadOperatorRecordProcessor - Class in org.apache.flink.iteration.operator.headprocessor
Processor used after we received terminated globally aligned event from the coordinator, but before we received the (Integer.MAX_VALUE + 1) from the feedback channel again.
TerminatingHeadOperatorRecordProcessor(HeadOperatorRecordProcessor.Context) - Constructor for class org.apache.flink.iteration.operator.headprocessor.TerminatingHeadOperatorRecordProcessor
 
TerminatingOnInitializeEvent - Class in org.apache.flink.iteration.operator.event
Notifies the HeadOperatorCoordinator that the status has been terminating on startup so that the coordinator would not emit CoordinatorCheckpointEvent.
theta - Variable in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
Log of class conditional probabilities, whose dimension is C (number of classes) by D (number of features).
THRESHOLD - Static variable in interface org.apache.flink.ml.classification.linearsvc.LinearSVCModelParams
Param for threshold in linear support vector classifier.
THRESHOLDS - Static variable in interface org.apache.flink.ml.feature.binarizer.BinarizerParams
 
timeServiceManager - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
TIMESTAMP - Static variable in class org.apache.flink.ml.common.metrics.MLMetrics
 
timestamp - Variable in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
Model timestamp.
TO_LOWERCASE - Static variable in interface org.apache.flink.ml.feature.regextokenizer.RegexTokenizerParams
 
toArray() - Method in class org.apache.flink.ml.linalg.DenseVector
 
toArray() - Method in class org.apache.flink.ml.linalg.SparseVector
 
toArray() - Method in interface org.apache.flink.ml.linalg.Vector
Converts the instance to a double array.
toDense() - Method in class org.apache.flink.ml.linalg.DenseMatrix
 
toDense() - Method in class org.apache.flink.ml.linalg.DenseVector
 
toDense() - Method in interface org.apache.flink.ml.linalg.Matrix
Converts the instance to a dense matrix.
toDense() - Method in class org.apache.flink.ml.linalg.SparseVector
 
toDense() - Method in interface org.apache.flink.ml.linalg.Vector
Converts the instance to a dense vector.
Tokenizer - Class in org.apache.flink.ml.feature.tokenizer
A Transformer which converts the input string to lowercase and then splits it by white spaces.
Tokenizer() - Constructor for class org.apache.flink.ml.feature.tokenizer.Tokenizer
 
Tokenizer.TokenizerUdf - Class in org.apache.flink.ml.feature.tokenizer
The main logic of Tokenizer, which converts the input string to an array of tokens.
TokenizerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a Tokenizer instance and uses it for feature engineering.
TokenizerExample() - Constructor for class org.apache.flink.ml.examples.feature.TokenizerExample
 
TokenizerParams<T> - Interface in org.apache.flink.ml.feature.tokenizer
Params of Tokenizer.
TokenizerUdf() - Constructor for class org.apache.flink.ml.feature.tokenizer.Tokenizer.TokenizerUdf
 
TOL - Static variable in interface org.apache.flink.ml.common.param.HasTol
 
toList(TableId[]) - Static method in class org.apache.flink.ml.builder.TableId
 
toMap() - Method in class org.apache.flink.ml.benchmark.BenchmarkResult
 
toMap() - Method in class org.apache.flink.ml.builder.GraphData
 
toMap() - Method in class org.apache.flink.ml.builder.GraphNode
 
toSparse() - Method in class org.apache.flink.ml.linalg.DenseVector
 
toSparse() - Method in class org.apache.flink.ml.linalg.SparseVector
 
toSparse() - Method in interface org.apache.flink.ml.linalg.Vector
Converts the instance to a sparse vector.
toString() - Method in class org.apache.flink.iteration.datacache.nonkeyed.Segment
 
toString() - Method in class org.apache.flink.iteration.IterationRecord
 
toString() - Method in class org.apache.flink.iteration.operator.event.CoordinatorCheckpointEvent
 
toString() - Method in class org.apache.flink.iteration.operator.event.GloballyAlignedEvent
 
toString() - Method in class org.apache.flink.iteration.operator.event.SubtaskAlignedEvent
 
toString() - Method in class org.apache.flink.iteration.proxy.ProxyStreamPartitioner
 
toString() - Method in class org.apache.flink.iteration.typeinfo.IterationRecordTypeInfo
 
toString() - Method in class org.apache.flink.ml.builder.GraphNode
 
toString() - Method in class org.apache.flink.ml.builder.TableId
 
toString() - Method in class org.apache.flink.ml.common.broadcast.typeinfo.CacheElementTypeInfo
 
toString() - Method in class org.apache.flink.ml.common.datastream.EndOfStreamWindows
 
toString() - Method in class org.apache.flink.ml.common.typeinfo.PriorityQueueTypeInfo
 
toString() - Method in class org.apache.flink.ml.linalg.DenseVector
 
toString() - Method in class org.apache.flink.ml.linalg.SparseVector
 
toString() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseMatrixTypeInfo
 
toString() - Method in class org.apache.flink.ml.linalg.typeinfo.DenseVectorTypeInfo
 
toString() - Method in class org.apache.flink.ml.linalg.typeinfo.SparseVectorTypeInfo
 
toString() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
toString() - Method in class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
toString() - Method in class org.apache.flink.ml.param.Param
 
totalTimeMs - Variable in class org.apache.flink.ml.benchmark.BenchmarkResult
The total execution time of the benchmark in milliseconds.
transform(Table...) - Method in interface org.apache.flink.ml.api.AlgoOperator
Applies the AlgoOperator on the given input tables and returns the result tables.
transform(Table...) - Method in class org.apache.flink.ml.builder.GraphModel
 
transform(Table...) - Method in class org.apache.flink.ml.builder.PipelineModel
Applies all stages in this PipelineModel on the input tables in order.
transform(Table...) - Method in class org.apache.flink.ml.classification.knn.KnnModel
 
transform(Table...) - Method in class org.apache.flink.ml.classification.linearsvc.LinearSVCModel
 
transform(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModel
 
transform(DataFrame) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
 
transform(Vector) - Method in class org.apache.flink.ml.classification.logisticregression.LogisticRegressionModelServable
The main logic that predicts one input data point.
transform(Table...) - Method in class org.apache.flink.ml.classification.logisticregression.OnlineLogisticRegressionModel
 
transform(Table...) - Method in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModel
 
transform(Table...) - Method in class org.apache.flink.ml.clustering.agglomerativeclustering.AgglomerativeClustering
 
transform(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.KMeansModel
 
transform(Table...) - Method in class org.apache.flink.ml.clustering.kmeans.OnlineKMeansModel
 
transform(Table...) - Method in class org.apache.flink.ml.evaluation.binaryclassification.BinaryClassificationEvaluator
 
transform(Table...) - Method in class org.apache.flink.ml.feature.binarizer.Binarizer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.bucketizer.Bucketizer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.dct.DCT
 
transform(Table...) - Method in class org.apache.flink.ml.feature.elementwiseproduct.ElementwiseProduct
 
transform(Table...) - Method in class org.apache.flink.ml.feature.featurehasher.FeatureHasher
 
transform(Table...) - Method in class org.apache.flink.ml.feature.hashingtf.HashingTF
 
transform(Table...) - Method in class org.apache.flink.ml.feature.idf.IDFModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.imputer.ImputerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.interaction.Interaction
 
transform(Table...) - Method in class org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.maxabsscaler.MaxAbsScalerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.minmaxscaler.MinMaxScalerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.ngram.NGram
 
transform(Table...) - Method in class org.apache.flink.ml.feature.normalizer.Normalizer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.onehotencoder.OneHotEncoderModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.polynomialexpansion.PolynomialExpansion
 
transform(Table...) - Method in class org.apache.flink.ml.feature.randomsplitter.RandomSplitter
 
transform(Table...) - Method in class org.apache.flink.ml.feature.regextokenizer.RegexTokenizer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.robustscaler.RobustScalerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.sqltransformer.SQLTransformer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.OnlineStandardScalerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.standardscaler.StandardScalerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.stopwordsremover.StopWordsRemover
 
transform(Table...) - Method in class org.apache.flink.ml.feature.stringindexer.IndexToStringModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.stringindexer.StringIndexerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.tokenizer.Tokenizer
 
transform(Table...) - Method in class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.vectorassembler.VectorAssembler
 
transform(Table...) - Method in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
transform(Table...) - Method in class org.apache.flink.ml.feature.vectorslicer.VectorSlicer
 
transform(Table...) - Method in class org.apache.flink.ml.recommendation.swing.Swing
 
transform(Table...) - Method in class org.apache.flink.ml.regression.linearregression.LinearRegressionModel
 
transform(DataFrame) - Method in interface org.apache.flink.ml.servable.api.TransformerServable
Applies the TransformerServable on the given input DataFrame and returns the result DataFrame.
transform(DataFrame) - Method in class org.apache.flink.ml.servable.builder.PipelineModelServable
 
transform(Table...) - Method in class org.apache.flink.ml.stats.anovatest.ANOVATest
 
transform(Table...) - Method in class org.apache.flink.ml.stats.chisqtest.ChiSqTest
 
transform(Table...) - Method in class org.apache.flink.ml.stats.fvaluetest.FValueTest
 
Transformer<T extends Transformer<T>> - Interface in org.apache.flink.ml.api
A Transformer is an AlgoOperator with the semantic difference that it encodes the Transformation logic, such that a record in the output typically corresponds to one record in the input.
TransformerServable<T extends TransformerServable<T>> - Interface in org.apache.flink.ml.servable.api
A TransformerServable takes a DataFrame as input and produces a DataFrame as the result.
translate(TF, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in interface org.apache.flink.iteration.compile.DraftTransformationTranslator
 
translate(BroadcastStateTransformation<?, ?, ?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.BroadcastStateTransformationTranslator
 
translate(KeyedBroadcastStateTransformation<?, ?, ?, ?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.KeyedBroadcastStateTransformationTranslator
 
translate(KeyedMultipleInputTransformation<?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.KeyedMultipleInputTransformationTranslator
 
translate(MultipleInputTransformation<?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.MultipleInputTransformationTranslator
 
translate(OneInputTransformation<?, ?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.OneInputTransformationTranslator
 
translate(PartitionTransformation<?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.PartitionTransformationTranslator
 
translate(ReduceTransformation<?, ?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.ReduceTransformationTranslator
 
translate(SideOutputTransformation<?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.SideOutputTransformationTranslator
 
translate(TwoInputTransformation<?, ?, ?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.TwoInputTransformationTranslator
 
translate(UnionTransformation<?>, OperatorWrapper<?, ?>, DraftTransformationTranslator.Context) - Method in class org.apache.flink.iteration.compile.translator.UnionTransformationTranslator
 
tryReadSegmentsToMemory(TypeSerializer<T>, MemorySegmentPool) - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
Attempts to cache the segments in memory.
TwoInputAllRoundWrapperOperator<IN1,IN2,OUT> - Class in org.apache.flink.iteration.operator.allround
All-round wrapper for the two-inputs operator.
TwoInputAllRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.allround.TwoInputAllRoundWrapperOperator
 
TwoInputBroadcastWrapperOperator<IN1,IN2,OUT> - Class in org.apache.flink.ml.common.broadcast.operator
Wrapper for TwoInputStreamOperator.
TwoInputPerRoundWrapperOperator<IN1,IN2,OUT> - Class in org.apache.flink.iteration.operator.perround
Per-round wrapper for the two-inputs operator.
TwoInputPerRoundWrapperOperator(StreamOperatorParameters<IterationRecord<OUT>>, StreamOperatorFactory<OUT>) - Constructor for class org.apache.flink.iteration.operator.perround.TwoInputPerRoundWrapperOperator
 
TwoInputTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the TwoInputTransformation.
TwoInputTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.TwoInputTransformationTranslator
 
TYPE_INFO - Static variable in class org.apache.flink.iteration.operator.headprocessor.HeadOperatorState
 
TYPE_INFO - Static variable in class org.apache.flink.ml.classification.naivebayes.NaiveBayesModelData
 
TYPE_INFO - Static variable in class org.apache.flink.ml.feature.imputer.ImputerModelData
 
TYPE_INFO - Static variable in class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData
 

U

UNIFORM - Static variable in interface org.apache.flink.ml.feature.kbinsdiscretizer.KBinsDiscretizerParams
 
UnionTransformationTranslator - Class in org.apache.flink.iteration.compile.translator
Draft translator for the UnionTransformation.
UnionTransformationTranslator() - Constructor for class org.apache.flink.iteration.compile.translator.UnionTransformationTranslator
 
uniqueSenderId - Variable in class org.apache.flink.iteration.operator.AbstractWrapperOperator
 
UnivariateFeatureSelector - Class in org.apache.flink.ml.feature.univariatefeatureselector
An Estimator which selects features based on univariate statistical tests against labels.
UnivariateFeatureSelector() - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelector
 
UnivariateFeatureSelectorExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a UnivariateFeatureSelector model and uses it for feature selection.
UnivariateFeatureSelectorExample() - Constructor for class org.apache.flink.ml.examples.feature.UnivariateFeatureSelectorExample
 
UnivariateFeatureSelectorModel - Class in org.apache.flink.ml.feature.univariatefeatureselector
A Model which transforms data using the model data computed by UnivariateFeatureSelector.
UnivariateFeatureSelectorModel() - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModel
 
UnivariateFeatureSelectorModelData - Class in org.apache.flink.ml.feature.univariatefeatureselector
UnivariateFeatureSelectorModelData() - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData
 
UnivariateFeatureSelectorModelData(int[]) - Constructor for class org.apache.flink.ml.feature.univariatefeatureselector.UnivariateFeatureSelectorModelData
 
UnivariateFeatureSelectorModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.univariatefeatureselector
UnivariateFeatureSelectorModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.univariatefeatureselector
UnivariateFeatureSelectorModelParams<T> - Interface in org.apache.flink.ml.feature.univariatefeatureselector
UnivariateFeatureSelectorParams<T> - Interface in org.apache.flink.ml.feature.univariatefeatureselector
unregisterListener(OperatorID) - Method in class org.apache.flink.iteration.operator.coordinator.SharedProgressAligner
 
update(List<T>) - Method in class org.apache.flink.iteration.datacache.nonkeyed.ListStateWithCache
 
updateEpochToCoordinator(int, long) - Method in interface org.apache.flink.iteration.operator.headprocessor.HeadOperatorRecordProcessor.Context
 
updateExistingParams(WithParams<?>, Map<Param<?>, Object>) - Static method in class org.apache.flink.ml.util.ParamUtils
 
UPPER - Static variable in interface org.apache.flink.ml.feature.robustscaler.RobustScalerParams
 
USER_COL - Static variable in interface org.apache.flink.ml.recommendation.swing.SwingParams
 

V

validate(Double[][]) - Method in class org.apache.flink.ml.feature.bucketizer.BucketizerParams.SplitsArrayValidator
 
validate(String) - Method in class org.apache.flink.ml.feature.sqltransformer.SQLTransformerParams.SQLStatementValidator
 
validate(T) - Method in interface org.apache.flink.ml.param.ParamValidator
Validate whether the parameter value is valid.
validator - Variable in class org.apache.flink.ml.param.Param
 
value - Variable in class org.apache.flink.ml.common.util.QuantileSummary.StatsTuple
 
valueOf(String) - Static method in enum org.apache.flink.iteration.IterationConfig.OperatorLifeCycle
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.flink.iteration.IterationRecord.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.flink.ml.builder.GraphNode.StageType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.flink.ml.common.broadcast.typeinfo.CacheElement.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.apache.flink.ml.servable.types.BasicType
Returns the enum constant of this type with the specified name.
values() - Static method in enum org.apache.flink.iteration.IterationConfig.OperatorLifeCycle
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.flink.iteration.IterationRecord.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.flink.ml.builder.GraphNode.StageType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.apache.flink.ml.common.broadcast.typeinfo.CacheElement.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values - Variable in class org.apache.flink.ml.linalg.DenseMatrix
Array for internal storage of elements.
values - Variable in class org.apache.flink.ml.linalg.DenseVector
 
values - Variable in class org.apache.flink.ml.linalg.SparseVector
 
values() - Static method in enum org.apache.flink.ml.servable.types.BasicType
Returns an array containing the constants of this enum type, in the order they are declared.
VariableLengthByteKeyComparator<IN> - Class in org.apache.flink.ml.common.datastream.sort
A comparator used in SortingDataInput which compares records keys and timestamps,.
VariableLengthByteKeyComparator() - Constructor for class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
VARIANCE_THRESHOLD - Static variable in interface org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorParams
 
VarianceThresholdSelector - Class in org.apache.flink.ml.feature.variancethresholdselector
An Estimator which implements the VarianceThresholdSelector algorithm.
VarianceThresholdSelector() - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelector
 
VarianceThresholdSelectorExample - Class in org.apache.flink.ml.examples.feature
Simple program that trains a VarianceThresholdSelector model and uses it for feature selection.
VarianceThresholdSelectorExample() - Constructor for class org.apache.flink.ml.examples.feature.VarianceThresholdSelectorExample
 
VarianceThresholdSelectorModel - Class in org.apache.flink.ml.feature.variancethresholdselector
A Model which removes low-variance data using the model data computed by VarianceThresholdSelector.
VarianceThresholdSelectorModel() - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModel
 
VarianceThresholdSelectorModelData - Class in org.apache.flink.ml.feature.variancethresholdselector
VarianceThresholdSelectorModelData() - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData
 
VarianceThresholdSelectorModelData(int, int[]) - Constructor for class org.apache.flink.ml.feature.variancethresholdselector.VarianceThresholdSelectorModelData
 
VarianceThresholdSelectorModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.variancethresholdselector
VarianceThresholdSelectorModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.variancethresholdselector
VarianceThresholdSelectorModelParams<T> - Interface in org.apache.flink.ml.feature.variancethresholdselector
VarianceThresholdSelectorParams<T> - Interface in org.apache.flink.ml.feature.variancethresholdselector
Params of VarianceThresholdSelectorModel.
Vector - Interface in org.apache.flink.ml.linalg
A vector of double values.
vector - Variable in class org.apache.flink.ml.linalg.VectorWithNorm
 
VECTOR(BasicType) - Static method in class org.apache.flink.ml.servable.types.DataTypes
 
VECTOR_DIM - Static variable in interface org.apache.flink.ml.benchmark.datagenerator.param.HasVectorDim
 
VectorAssembler - Class in org.apache.flink.ml.feature.vectorassembler
A Transformer which combines a given list of input columns into a vector column.
VectorAssembler() - Constructor for class org.apache.flink.ml.feature.vectorassembler.VectorAssembler
 
VectorAssemblerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a VectorAssembler instance and uses it for feature engineering.
VectorAssemblerExample() - Constructor for class org.apache.flink.ml.examples.feature.VectorAssemblerExample
 
VectorAssemblerParams<T> - Interface in org.apache.flink.ml.feature.vectorassembler
Params of VectorAssembler.
VectorIndexer - Class in org.apache.flink.ml.feature.vectorindexer
An Estimator which implements the vector indexing algorithm.
VectorIndexer() - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexer
 
VectorIndexerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a VectorIndexer instance and uses it for feature engineering.
VectorIndexerExample() - Constructor for class org.apache.flink.ml.examples.feature.VectorIndexerExample
 
VectorIndexerModel - Class in org.apache.flink.ml.feature.vectorindexer
A Model which encodes input vector to an output vector using the model data computed by VectorIndexer.
VectorIndexerModel() - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModel
 
VectorIndexerModelData - Class in org.apache.flink.ml.feature.vectorindexer
Model data of VectorIndexerModel.
VectorIndexerModelData(Map<Integer, Map<Double, Integer>>) - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData
 
VectorIndexerModelData() - Constructor for class org.apache.flink.ml.feature.vectorindexer.VectorIndexerModelData
 
VectorIndexerModelData.ModelDataDecoder - Class in org.apache.flink.ml.feature.vectorindexer
Data decoder for VectorIndexerModel.
VectorIndexerModelData.ModelDataEncoder - Class in org.apache.flink.ml.feature.vectorindexer
Data encoder for VectorIndexerModel.
VectorIndexerModelParams<T> - Interface in org.apache.flink.ml.feature.vectorindexer
Params for VectorIndexerModel.
VectorIndexerParams<T> - Interface in org.apache.flink.ml.feature.vectorindexer
Params of VectorIndexer.
VectorParam - Class in org.apache.flink.ml.param
Class for the Vector parameter.
VectorParam(String, String, Vector, ParamValidator<Vector>) - Constructor for class org.apache.flink.ml.param.VectorParam
 
VectorParam(String, String, Vector) - Constructor for class org.apache.flink.ml.param.VectorParam
 
Vectors - Class in org.apache.flink.ml.linalg
Utility methods for instantiating Vector.
Vectors() - Constructor for class org.apache.flink.ml.linalg.Vectors
 
VectorSerializer - Class in org.apache.flink.ml.linalg.typeinfo
Specialized serializer for Vector.
VectorSerializer() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorSerializer
 
VectorSerializer.VectorSerializerSnapshot - Class in org.apache.flink.ml.linalg.typeinfo
Serializer configuration snapshot for compatibility and format evolution.
VectorSerializerSnapshot() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorSerializer.VectorSerializerSnapshot
 
VectorSlicer - Class in org.apache.flink.ml.feature.vectorslicer
A Transformer that transforms a vector to a new feature, which is a sub-array of the original feature.
VectorSlicer() - Constructor for class org.apache.flink.ml.feature.vectorslicer.VectorSlicer
 
VectorSlicerExample - Class in org.apache.flink.ml.examples.feature
Simple program that creates a VectorSlicer instance and uses it for feature engineering.
VectorSlicerExample() - Constructor for class org.apache.flink.ml.examples.feature.VectorSlicerExample
 
VectorSlicerParams<T> - Interface in org.apache.flink.ml.feature.vectorslicer
Params of VectorSlicer.
vectorToArray(Object...) - Static method in class org.apache.flink.ml.Functions
Converts a column of Vectors into a column of double arrays.
VectorToArrayExample - Class in org.apache.flink.ml.examples
Simple program that converts a column of dense/sparse vectors into a column of double arrays.
VectorToArrayExample() - Constructor for class org.apache.flink.ml.examples.VectorToArrayExample
 
VectorToArrayFunction() - Constructor for class org.apache.flink.ml.Functions.VectorToArrayFunction
 
VectorType - Class in org.apache.flink.ml.servable.types
A DataType representing a Vector.
VectorType(BasicType) - Constructor for class org.apache.flink.ml.servable.types.VectorType
 
VectorTypeInfo - Class in org.apache.flink.ml.linalg.typeinfo
A TypeInformation for the Vector type.
VectorTypeInfo() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfo
 
VectorTypeInfoFactory - Class in org.apache.flink.ml.linalg.typeinfo
Used by TypeExtractor to create a TypeInformation for Vector.
VectorTypeInfoFactory() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorTypeInfoFactory
 
VectorUtils - Class in org.apache.flink.ml.common.util
Provides utility functions for Vector.
VectorUtils() - Constructor for class org.apache.flink.ml.common.util.VectorUtils
 
VectorWithNorm - Class in org.apache.flink.ml.linalg
A vector with its norm.
VectorWithNorm(Vector) - Constructor for class org.apache.flink.ml.linalg.VectorWithNorm
 
VectorWithNorm(Vector, double) - Constructor for class org.apache.flink.ml.linalg.VectorWithNorm
 
VectorWithNormSerializer - Class in org.apache.flink.ml.linalg.typeinfo
Specialized serializer for VectorWithNorm.
VectorWithNormSerializer() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorWithNormSerializer
 
VectorWithNormTypeInfo - Class in org.apache.flink.ml.linalg.typeinfo
A TypeInformation for the VectorWithNorm type.
VectorWithNormTypeInfo() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfo
 
VectorWithNormTypeInfoFactory - Class in org.apache.flink.ml.linalg.typeinfo
Used by TypeExtractor to create a TypeInformation for VectorWithNorm.
VectorWithNormTypeInfoFactory() - Constructor for class org.apache.flink.ml.linalg.typeinfo.VectorWithNormTypeInfoFactory
 
VERSION - Static variable in class org.apache.flink.ml.common.metrics.MLMetrics
 
version - Variable in class org.apache.flink.ml.feature.standardscaler.StandardScalerModelData
Model version.
vocabulary - Variable in class org.apache.flink.ml.feature.countvectorizer.CountVectorizerModelData
The array over terms, only the terms in the vocabulary will be counted.
VOCABULARY_SIZE - Static variable in interface org.apache.flink.ml.feature.countvectorizer.CountVectorizerParams
 

W

WEIGHT_COL - Static variable in interface org.apache.flink.ml.common.param.HasWeightCol
 
weights - Variable in class org.apache.flink.ml.clustering.kmeans.KMeansModelData
The weight of the centroids.
WEIGHTS - Static variable in interface org.apache.flink.ml.feature.randomsplitter.RandomSplitterParams
Weights should be a non-empty array with all elements greater than zero.
weightsValidator() - Static method in interface org.apache.flink.ml.feature.randomsplitter.RandomSplitterParams
 
windowAllAndProcess(DataStream<IN>, Windows, ProcessAllWindowFunction<IN, OUT, W>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Creates windows from data in the non key grouped input stream and applies the given window function to each window.
windowAllAndProcess(DataStream<IN>, Windows, ProcessAllWindowFunction<IN, OUT, W>, TypeInformation<OUT>) - Static method in class org.apache.flink.ml.common.datastream.DataStreamUtils
Creates windows from data in the non key grouped input stream and applies the given window function to each window.
WINDOWS - Static variable in interface org.apache.flink.ml.common.param.HasWindows
 
Windows - Interface in org.apache.flink.ml.common.window
Windowing strategy that determines how to create mini-batches from input data.
WindowsParam - Class in org.apache.flink.ml.param
Class for the Windows parameter.
WindowsParam(String, String, Windows, ParamValidator<Windows>) - Constructor for class org.apache.flink.ml.param.WindowsParam
 
WITH_CENTERING - Static variable in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
WITH_MEAN - Static variable in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
WITH_SCALING - Static variable in interface org.apache.flink.ml.feature.robustscaler.RobustScalerModelParams
 
WITH_STD - Static variable in interface org.apache.flink.ml.feature.standardscaler.StandardScalerParams
 
withBroadcastStream(List<DataStream<?>>, Map<String, DataStream<?>>, Function<List<DataStream<?>>, DataStream<OUT>>) - Static method in class org.apache.flink.ml.common.broadcast.BroadcastUtils
Supports withBroadcastStream in DataStream API.
withGap(Time) - Static method in class org.apache.flink.ml.common.window.EventTimeSessionWindows
withGap(Time) - Static method in class org.apache.flink.ml.common.window.ProcessingTimeSessionWindows
WithParams<T> - Interface in org.apache.flink.ml.param
Interface for classes that take parameters.
wrap(StreamOperatorParameters<IterationRecord<T>>, StreamOperatorFactory<T>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
wrap(StreamOperatorParameters<R>, StreamOperatorFactory<T>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
wrap(StreamOperatorParameters<IterationRecord<T>>, StreamOperatorFactory<T>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
wrap(StreamOperatorParameters<T>, StreamOperatorFactory<T>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
wrapKeySelector(KeySelector<T, KEY>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
wrapKeySelector(KeySelector<T, KEY>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
wrapKeySelector(KeySelector<T, KEY>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
wrapKeySelector(KeySelector<T, KEY>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
wrapOutputTag(OutputTag<T>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
wrapOutputTag(OutputTag<T>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
wrapOutputTag(OutputTag<T>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
wrapOutputTag(OutputTag<T>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
wrappedOperator - Variable in class org.apache.flink.iteration.operator.allround.AbstractAllRoundWrapperOperator
 
wrappedOperator - Variable in class org.apache.flink.ml.common.broadcast.operator.AbstractBroadcastWrapperOperator
 
WrapperOperatorFactory<OUT> - Class in org.apache.flink.iteration.operator
The factory to create the subclass of AbstractWrapperOperator.
WrapperOperatorFactory(StreamOperatorFactory<OUT>, OperatorWrapper<OUT, IterationRecord<OUT>>) - Constructor for class org.apache.flink.iteration.operator.WrapperOperatorFactory
 
wrapStreamPartitioner(StreamPartitioner<T>) - Method in class org.apache.flink.iteration.operator.allround.AllRoundOperatorWrapper
 
wrapStreamPartitioner(StreamPartitioner<T>) - Method in interface org.apache.flink.iteration.operator.OperatorWrapper
 
wrapStreamPartitioner(StreamPartitioner<T>) - Method in class org.apache.flink.iteration.operator.perround.PerRoundOperatorWrapper
 
wrapStreamPartitioner(StreamPartitioner<T>) - Method in class org.apache.flink.ml.common.broadcast.operator.BroadcastWrapper
 
writeSegmentsToFiles() - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheWriter
Write the segments in this writer to files on disk.
writeTo(OutputStream) - Method in class org.apache.flink.iteration.datacache.nonkeyed.DataCacheSnapshot
Writes the information about this data cache to an output stream.
writeWithKeyNormalization(Tuple2<byte[], StreamRecord<IN>>, DataOutputView) - Method in class org.apache.flink.ml.common.datastream.sort.FixedLengthByteKeyComparator
 
writeWithKeyNormalization(Tuple2<byte[], StreamRecord<IN>>, DataOutputView) - Method in class org.apache.flink.ml.common.datastream.sort.VariableLengthByteKeyComparator
 
A B C D E F G H I J K L M N O P Q R S T U V W 
Skip navigation links

Back to Apache Flink Website

Copyright © 2019–2023 The Apache Software Foundation. All rights reserved.