Package

org.apache.spark.ml

odkl

Permalink

package odkl

Visibility
  1. Public
  2. All

Type Members

  1. class AutoAssembler extends Estimator[PipelineModel] with AutoAssemblerParams with DefaultParamsWritable

    Permalink

    Utility for automatically assembling columns into a vector of features.

    Utility for automatically assembling columns into a vector of features. Takes either all the columns, or a subset of them. For boolean, numeric and vector columns uses default vectorising logic, for string and collection columns applies nominalizers.

  2. trait AutoAssemblerParams extends HasColumnsSets with HasOutputCol with HasColumnAttributeMap

    Permalink

    Params for automatic feature-vector assembler.

  3. class BinaryClassificationEvaluator extends Evaluator[BinaryClassificationEvaluator]

    Permalink

    Simple evaluator based on the mllib.BinaryClassificationMetrics.

  4. class CRRSamplerEstimator extends Estimator[CRRSamplerModel] with DefaultParamsWritable with CRRSamplerParams

    Permalink

    Estimator is used to select the proper item sample rate to achive desired size of the resulting sample.

    Estimator is used to select the proper item sample rate to achive desired size of the resulting sample. Takes into consideration the source dataset size and the amount of valid for ranking lists (list with samples of different rank).

  5. class CRRSamplerModel extends Model[CRRSamplerModel] with DefaultParamsWritable with CRRSamplerParams with HasNetlibBlas

    Permalink

    Model applied as a transformer, but the resulting data set is not determenistic (each pass produces different results).

    Model applied as a transformer, but the resulting data set is not determenistic (each pass produces different results). Results must not be cached.

  6. trait CRRSamplerParams extends HasInputCol with HasGroupByColumns with HasLabelCol

    Permalink

    Follows ideas from Combined Regression and Ranking paper (http://www.decom.ufop.br/menotti/rp122/sem/sem2-alex-art.pdf)

    Follows ideas from Combined Regression and Ranking paper (http://www.decom.ufop.br/menotti/rp122/sem/sem2-alex-art.pdf)

    Can model pair-wise ranking task (sample pairs, substract features and label 1/0), can model point-wise regression, or can combine both by choosing whenever to sample single item or a pair.

  7. class ColumnsExtractor extends Transformer with DefaultParamsWritable

    Permalink

    Used to extract a set of columns from the underlying data frame based on names and/or SQL expresions.

  8. class CombinedLinearModelUnwrappedFeatureSelector[M <: LinearModel[M], C <: CombinedModel[M, C]] extends GenericFeatureSelector[CombinedLinearModelUnwrappedFeatureSelector[M, C]] with ModelTransformer[C, CombinedLinearModelUnwrappedFeatureSelector[M, C]]

    Permalink
  9. abstract class CombinedModel[M <: ModelWithSummary[M], C <: CombinedModel[M, C]] extends Model[C] with ModelWithSummary[C] with HasDescriminantColumn with HasDirectTransformOption with HasPredictionCol with ForkedModelParams

    Permalink

    Base class for combined model holding a named map of nested models.

  10. class CrossValidator[M <: ModelWithSummary[M]] extends ForkedEstimatorSameType[M, Int] with HasIsTestCol with HasFolds

    Permalink

    Used to train and evaluate model in folds.

  11. abstract class DSVRGD[M <: ModelWithSummary[M]] extends Estimator[M] with SummarizableEstimator[M] with HasPredictionCol with HasFeaturesCol with HasLabelCol with HasRegParam with HasElasticNetParam with HasNetlibBlas with HasMaxIter with HasTol with HasCacheTrainData

    Permalink

    Created by dmitriybugaichenko on 10.11.16.

    Created by dmitriybugaichenko on 10.11.16.

    Implementation of a distributed version of Stochastic Variance Reduced Gradient Descent. The idea is taken from https://arxiv.org/abs/1512.01708 - input dataset is partitioned and workers performs descent simultaneously updating own copy of the weights at each random point (following SGD schema). At the end of epoche data from all workers are collected and aggregated. Variance reduction is achieved by keeping average gradient from previous iterations and evaluating gradient at one extra point (average of all weights seen during previous epoche). The update rule is:

    w_new = w_old − η (∇f_i(w_old) − ∇f_i(w_avg) + g)

    TODO: Other variance reduction and step size tuning techniques might be applied.

    Requires AttributeGroup metadata for both labels and features, supports elastic net regularization and multiple parallel labels training (similar to MatrixLBFGS).

  12. abstract class DeVectorizedDSVRGD[M <: ModelWithSummary[M]] extends DSVRGD[M]

    Permalink

    Helper class for training single-label models.

  13. abstract class Evaluator[S <: Evaluator[S]] extends Transformer with HasLabelCol with HasPredictionCol

    Permalink

    Base class for evaluators.

    Base class for evaluators. It is expected that evaluators group data into some groups and then evaluate metrics for each of the groups.

  14. class ExtendedMultivariateOnlineSummarizer extends MultivariateOnlineSummarizer with Serializable with Logging

    Permalink

    Created by dmitriybugaichenko on 30.12.15.

    Created by dmitriybugaichenko on 30.12.15.

    Utility used for estimating extended stat for the set of vectors. In addition to mean, deviation and count estimates percentiles

  15. abstract class FoldedFeatureSelector[SelectingModel <: ModelWithSummary[SelectingModel] with HasWeights, Filter <: GenericFeatureSelector[Filter]] extends Estimator[Filter] with SummarizableEstimator[Filter] with HasWeights with HasFeaturesCol with HasFeaturesSignificance

    Permalink

    Created by dmitriybugaichenko on 29.11.16.

    Created by dmitriybugaichenko on 29.11.16.

    This utility is used to perform external feature selection based on multi-fold evaluation and computing weights confidence intervals based on the weights from each fold.

  16. abstract class ForkedEstimator[ModelIn <: ModelWithSummary[ModelIn], ForeKeyType, ModelOut <: ModelWithSummary[ModelOut]] extends Estimator[ModelOut] with SummarizableEstimator[ModelOut] with ForkedModelParams

    Permalink

    Utility used to split training into forks (per type, per class, per fold).

    Utility used to split training into forks (per type, per class, per fold).

    ModelIn

    Type of model produced by the nested estimator.

    ModelOut

    Type of the resulting model. Does not have to be the same as ModelIn.

  17. abstract class ForkedEstimatorSameType[ModelIn <: ModelWithSummary[ModelIn], ForeKeyType] extends ForkedEstimator[ModelIn, ForeKeyType, ModelIn]

    Permalink

    Specific case of forked estimator which does not change the type of the underlying model.

  18. trait ForkedModelParams extends AnyRef

    Permalink
  19. abstract class GenericFeatureSelector[M <: ModelWithSummary[M]] extends Model[M] with ModelWithSummary[M] with HasFeaturesCol

    Permalink
  20. trait HasBatchSize extends Params

    Permalink

    Used for evaluators with batch support

  21. trait HasCacheTrainData extends AnyRef

    Permalink

    For estimators capable of caching training data.

  22. trait HasClassesCol extends Params

    Permalink

    Adds parameter with column for instance classes.

  23. trait HasClassesWeights extends Params

    Permalink

    Adds parameter wot classes weights (defaults to 1.0)

  24. trait HasColumnAttributeMap extends AnyRef

    Permalink

    For vector assemblers used to provide better naming for metadata attrbiutes.

  25. trait HasColumnsSets extends Params

    Permalink

    Parameters for specifying which columns to include or exclude.

  26. trait HasDescriminantColumn extends Params

    Permalink

    Created by dmitriybugaichenko on 30.11.16.

  27. trait HasDirectTransformOption extends Transformer

    Permalink

    Supplementary train used for optimization (moving transformation out of the execution plan into UDF)

  28. trait HasFeaturesSignificance extends AnyRef

    Permalink

    Block with information regarding features significance stat, produced during the features selection stage.

  29. trait HasFolds extends Params

    Permalink

    Adds parameters for folding - number of folds and name of column with fold number.

  30. trait HasGroupByColumns extends AnyRef

    Permalink

    For transformers performing grouping by a certain columns.

  31. trait HasIsTestCol extends Params

    Permalink

    Adds parameter with the name of test/train split column

  32. trait HasMetricsBlock extends AnyRef

    Permalink

    Metrics block is added by the evaluators.

  33. trait HasNetlibBlas extends AnyRef

    Permalink

    Created by dmitriybugaichenko on 19.11.16.

    Created by dmitriybugaichenko on 19.11.16.

    Utility for simplifying BLAS access.

  34. trait HasRegularizeLast extends Params

    Permalink

    Used to indicate that last weight should not be considered as a part of regularization (typically if it is the intercept)

  35. trait HasSortByColumns extends AnyRef

    Permalink

    For transformers performing sorting by a certain columns.

  36. trait HasTypeCol extends Params

    Permalink

    Adds parameter with column for instance type.

  37. trait HasWeights extends AnyRef

    Permalink

    Block produced by a models with concept of feature weights (eg.

    Block produced by a models with concept of feature weights (eg. linear models).

  38. class Interceptor extends Transformer with HasFeaturesCol with DefaultParamsWritable

    Permalink

    Adds extra column to features vector with a fixed value of 1.

    Adds extra column to features vector with a fixed value of 1. Can be used with any model.

  39. class IsotonicRegression extends regression.IsotonicRegression

    Permalink

    :: Experimental :: Isotonic regression.

    :: Experimental :: Isotonic regression.

    Currently implemented using parallelized pool adjacent violators algorithm. Only univariate (single feature) algorithm supported.

    Uses org.apache.spark.mllib.regression.IsotonicRegression.

    ODKL Patch: Used to inject our patched mllib implementation.

    Annotations
    @Since( "1.5.0" ) @Experimental()
  40. class JacksonParam[T] extends Param[T] with Logging

    Permalink

    ml.odkl is an extension to Spark ML package with intention to 1.

    ml.odkl is an extension to Spark ML package with intention to 1. Provide a modular structure with shared and tested common code 2. Add ability to create train-only transformation (for better prediction performance) 3. Unify extra information generation by the model fitters 4. Support combined models with option for parallel training.

    This particular file contains utility for serializing complex parameters using jackson (handles few types automatically which can not be handled by json4s)

  41. class LinearCombinationModel[N <: ModelWithSummary[N]] extends MultiClassCombinationModelBase[N, LinearCombinationModel[N]]

    Permalink

    Combination model which evaluates ALL nested model and combines results based on linear weights.

  42. class LinearDSVRGD extends DeVectorizedDSVRGD[LinearRegressionModel]

    Permalink

    Single-label linear regresion with DSVRGD

  43. abstract class LinearEstimator[M <: LinearModel[M], T <: LinearEstimator[M, T]] extends Predictor[Vector, T, M] with SummarizableEstimator[M] with LinearModelParams with HasWeights

    Permalink
  44. class LinearMatrixDSVRGD extends DSVRGD[LinearCombinationModel[LinearRegressionModel]]

    Permalink

    Multi-label linear regresion with DSVRGD

  45. abstract class LinearModel[M <: LinearModel[M]] extends PredictionModel[Vector, M] with DirectPredictionModel[Vector, M] with ModelWithSummary[M] with LinearModelParams with HasWeights

    Permalink
  46. trait LinearModelParams extends PredictorParams

    Permalink
  47. class LinearModelUnwrappedFeatureSelector[M <: LinearModel[M]] extends GenericFeatureSelector[LinearModelUnwrappedFeatureSelector[M]] with ModelTransformer[M, LinearModelUnwrappedFeatureSelector[M]]

    Permalink
  48. class LinearRegressionModel extends LinearModel[LinearRegressionModel]

    Permalink
  49. class LinearRegressionSGD extends LinearRegressor[LinearRegressionModel, GradientDescent, LinearRegressionSGD] with HasRegParam with HasTol with HasMaxIter with HasStepSize

    Permalink
  50. abstract class LinearRegressor[M <: LinearModel[M], O <: Optimizer, T <: LinearRegressor[M, O, T]] extends LinearEstimator[M, T] with DefaultParamsWritable with Logging with HasCacheTrainData

    Permalink
  51. class LogisticDSVRGD extends DeVectorizedDSVRGD[LogisticRegressionModel]

    Permalink

    Multi-label logistic regresion with DSVRGD

  52. class LogisticMatrixDSVRGD extends DSVRGD[LinearCombinationModel[LogisticRegressionModel]]

    Permalink

    Multi-label logistic regresion with DSVRGD

  53. class LogisticRegressionLBFSG extends LinearRegressor[LogisticRegressionModel, LogisticRegressionLBFSG, LogisticRegressionLBFSG] with HasRegParam with HasTol with HasMaxIter with Optimizer with HasElasticNetParam with HasRegularizeLast with HasBatchSize

    Permalink
  54. class LogisticRegressionModel extends LinearModel[LogisticRegressionModel]

    Permalink
  55. class MLWrapper[M <: Model[M]] extends Estimator[MLWrapperModel[M]] with SummarizableEstimator[MLWrapperModel[M]]

    Permalink

    Utility used to bridge default spark ML models into our advanced pipelines.

    Utility used to bridge default spark ML models into our advanced pipelines. TODO: Provide summary extractors

  56. class MLWrapperModel[M <: Model[M]] extends Model[MLWrapperModel[M]] with ModelWithSummary[MLWrapperModel[M]]

    Permalink
  57. class MatrixLBFGS extends Estimator[LinearCombinationModel[LogisticRegressionModel]] with SummarizableEstimator[LinearCombinationModel[LogisticRegressionModel]] with PredictorParams with HasTol with HasMaxIter with HasRegParam with HasRegularizeLast with HasBatchSize with HasNetlibBlas

    Permalink

    Created by dmitriybugaichenko on 24.03.16.

    Created by dmitriybugaichenko on 24.03.16.

    Implementation for multi-class logistic regression training. In contrast to traditional notion of multi-class logistic regression this trainer produces one regression per each class. Internally treats all classes simultaneously using matrix-matrix multplication. Allows for L1-regularization (switches LBFGS to OWL-QN for that). Regularization strength is defined in terms of fraction of maximal feasible regularization (deduced using http://jmlr.org/papers/volume8/koh07a/koh07a.pdf).

  58. class MetadataParam extends Param[Metadata]

    Permalink

    Created by alexander.lutsenko on 20.09.16.

  59. class ModelSummary extends Serializable

    Permalink

    One of main extensions to the base concept of model - each model might return a summary represented by a named collection of dataframes.

  60. trait ModelTransformer[M <: ModelWithSummary[M], T <: ModelTransformer[M, T]] extends Model[T] with Logging

    Permalink

    In case if we can avoid certain stages used during training while predicting we need to propagate some changes to the model (eg.

    In case if we can avoid certain stages used during training while predicting we need to propagate some changes to the model (eg. unscale weights or remove intercept). Also useful for extending summary blocks (eg. during evaluation/cross-validation).

    This interface defines the logic of model transformation.

  61. trait ModelWithSummary[M <: ModelWithSummary[M]] extends Model[M] with MLWritable

    Permalink

    Model which has a summary.

    Model which has a summary. Includes support for reading and wirting summary blocks.

  62. class MultiClassCombinationModel[N <: ModelWithSummary[N]] extends MultiClassCombinationModelBase[N, MultiClassCombinationModel[N]]

    Permalink

    Combination model which evaluates ALL nested model and returns vector.

  63. abstract class MultiClassCombinationModelBase[N <: ModelWithSummary[N], M <: MultiClassCombinationModelBase[N, M]] extends CombinedModel[N, M] with HasClassesCol with HasPredictionCol with HasFeaturesCol

    Permalink

    Base class for models, evaluated per each class.

  64. class MultinominalExtractor extends Estimator[MultinominalExtractorModel] with MultinominalExtractorParams with DefaultParamsWritable

    Permalink

    Utility for converting columns with string or a set of stings into a vector of 0/1 with the cardinality equal to the number of unique string values used.

  65. class MultinominalExtractorModel extends Model[MultinominalExtractorModel] with MultinominalExtractorParams with DefaultParamsWritable

    Permalink

    Model produced by the multinominal extractor.

    Model produced by the multinominal extractor. Knows the predefined set of values and maps strings/set of strings to vectors of 0/1 with cardinality equal to amount of known values.

  66. trait MultinominalExtractorParams extends HasInputCol with HasOutputCol

    Permalink

    Parameters for multinominal feature extractor.

  67. class NaNToMeanReplacerEstimator extends Estimator[NaNToMeanReplacerModel] with NaNToMeanReplacerParams

    Permalink

    Estimates mean values ignoring NaN's

  68. class NaNToMeanReplacerModel extends Model[NaNToMeanReplacerModel] with NaNToMeanReplacerParams with DefaultParamsWritable

    Permalink

    Model used to replace values with pre-computed defaults before training/predicting.

  69. trait NaNToMeanReplacerParams extends HasInputCol with HasOutputCol

    Permalink

    Set of parameters for the replacer

  70. class NameAssigner extends Transformer with HasInputCols

    Permalink

    Assuming there is a metadata attached to a integer field can be used to replace ints with corresponding attribute names.

    Assuming there is a metadata attached to a integer field can be used to replace ints with corresponding attribute names. Used, for example in the validation pipeline to avoid attaching large strings to the validation results (eg. score/label descriptions) before the very end.

  71. class NullToDefaultReplacer extends Transformer with HasColumnsSets with DefaultParamsWritable

    Permalink

    Utility used to replace null values with defaults (zero or false).

  72. class NullToNaNVectorAssembler extends Transformer with HasInputCols with HasOutputCol with HasColumnAttributeMap with DefaultParamsWritable

    Permalink

    :: Experimental :: A feature transformer that merges multiple columns into a vector column.

    :: Experimental :: A feature transformer that merges multiple columns into a vector column.

    This class is a copy of VectorAssembler with two enhancements: support for nulls (replaced to NaNs) and pattern matching extracted from the inner loop.

    Annotations
    @Experimental()
  73. class PartitionedRankingEvaluator extends Evaluator[PartitionedRankingEvaluator] with HasOutputCol with HasGroupByColumns

    Permalink

    Evaluator used to compute metrics for predictions grouped by a certain criteria (typically by a user id).

    Evaluator used to compute metrics for predictions grouped by a certain criteria (typically by a user id). Materializes all the predictions for a criteria in memory and calculates multiple metrics. Can be used only for fine-grained grouping criteria. Supports mutli-label and multi-score cross evaluation (computes metrics for each label-score combinations if provided with vectors instead of scalars).

  74. trait PartitioningParams extends Params with HasSortByColumns

    Permalink

    Settings for partitioning, except the number of partitions.

    Settings for partitioning, except the number of partitions. Is extended by static and dynamic partitioners.

  75. class PipelinedFeatureSelector extends GenericFeatureSelector[PipelinedFeatureSelector]

    Permalink
  76. class PipelinedFoldedFeatureSelector[SelectingModel <: ModelWithSummary[SelectingModel] with HasWeights] extends FoldedFeatureSelector[SelectingModel, PipelinedFeatureSelector]

    Permalink
  77. class ScalerEstimator[M <: ModelWithSummary[M]] extends Estimator[Unscaler[M]] with ScalerParams with DefaultParamsWritable

    Permalink

    This is a specific implementation of the scaler for linear models.

    This is a specific implementation of the scaler for linear models. Uses the ability to propagate scaling to the weights to avoid overhead when predicting.

  78. trait ScalerParams extends Params with HasFeaturesCol

    Permalink

    Scaler parameters.

  79. class SelectingModel[N <: ModelWithSummary[N]] extends CombinedModel[N, SelectingModel[N]] with HasTypeCol with HasFeaturesCol

    Permalink

    Selecting model applies exactly one model based on instance type and return its result.

  80. class SeriallizableAvlTreeDigest extends Serializer[SeriallizableAvlTreeDigest] with Serializable

    Permalink

    Serializable wrapper over the TDigest

    Serializable wrapper over the TDigest

    Annotations
    @DefaultSerializer()
  81. class SqlFilter extends Transformer with DefaultParamsWritable

    Permalink

    Simple utility used to apply SQL WHERE filter

  82. trait SummarizableEstimator[M <: ModelWithSummary[M]] extends Estimator[M]

    Permalink

    Estimator with produces model with summary.

    Estimator with produces model with summary. Used to simplify chaining.

  83. class TopKTransformer[B] extends Transformer with DefaultParamsWritable with HasGroupByColumns

    Permalink

    Created by eugeny.malyutin on 20.07.17.

    Created by eugeny.malyutin on 20.07.17.

    Performs TopK-UDAF logic without annoying schema pack-unpack

    B

    - raw type (Long for LongTyped-columns) for columnToOrderBy Ordering for this type should be defined

  84. class TopKUDAF[B] extends UserDefinedAggregateFunction with Logging

    Permalink

    Created by eugeny.malyutin on 24.06.16.

    Created by eugeny.malyutin on 24.06.16.

    UDAF designed to extract top-numRows rows by columnValue Used to replace Hive Window-functions which are to slow in case of all-df in one aggregation cell Result of aggFun is packed in a column "arrData" and need to be org.apache.spark.sql.functions.explode-d

    B

    - type of columnToSortBy with implicit ordering for type B

  85. class UnwrappedStage[M <: ModelWithSummary[M], T <: ModelTransformer[M, T]] extends Estimator[M] with SummarizableEstimator[M]

    Permalink

    In case if we can avoid certain stages used during training while predicting we need to propagate some changes to the model (eg.

    In case if we can avoid certain stages used during training while predicting we need to propagate some changes to the model (eg. unscale weights or remove intercept). Also useful for extending summary blocks (eg. during evaluation/cross-validation).

    This class is used as a typical pipeline stage while training (fits and applies transformer, then calls the nested estimator), but it automatically eliminates itself from the resulting model by applying model transformer.

  86. class VectorExplode extends Transformer with DefaultParamsWritable

    Permalink

    Utility used to extract nested values from vectors into dedicated columns.

    Utility used to extract nested values from vectors into dedicated columns. Requires vector metadata and extracts names from where. Typically used as a final stage before results visualization.

  87. class VectorStatCollector extends Transformer with HasInputCol with HasGroupByColumns with DefaultParamsWritable

    Permalink

    Utility used to collect detailed stat for vectors grouped by a certain keys.

    Utility used to collect detailed stat for vectors grouped by a certain keys. In addition to common stuff (mean, variance, min/max, norms) calculates percentiles as configured. Resulting dataframe contains only columns from the key and stat columns.

  88. case class WeightedFeature(index: Int, name: String, weight: Double) extends Product with Serializable

    Permalink

    Utility used for reporting single indexed feature weight.

  89. case class WeightsStat(stats: Array[WeightsStatRecord]) extends Product with Serializable

    Permalink
  90. case class WeightsStatRecord(index: Int, name: String, descriminant: String, average: Double, significance: Double, isRelevant: Boolean) extends Product with Serializable

    Permalink

Value Members

  1. object AutoAssembler extends DefaultParamsReadable[AutoAssembler] with Serializable

    Permalink

    Adds read logic

  2. object ColumnsExtractor extends DefaultParamsReadable[ColumnsExtractor] with Serializable

    Permalink

    Adds read ability.

  3. object CombinedModel extends MLReadable[PipelineStage] with Serializable

    Permalink
  4. object CrossValidator extends DefaultParamsReadable[CrossValidator[_]] with Serializable

    Permalink
  5. object DSVRGD extends Serializable with HasNetlibBlas

    Permalink
  6. object Evaluator extends Serializable

    Permalink
  7. object FoldedFeatureSelector extends Serializable with Logging

    Permalink
  8. object ForkedEstimator extends Serializable

    Permalink

    Helper used to inject common task support with thread count limit into all forked estimators.

  9. object HasNetlibBlas extends Serializable

    Permalink
  10. object Interceptor extends DefaultParamsReadable[Interceptor] with Serializable

    Permalink
  11. object IsotonicRegression extends DefaultParamsReadable[IsotonicRegression] with Serializable

    Permalink
    Annotations
    @Since( "1.6.0" )
  12. object JacksonParam extends Serializable

    Permalink
  13. object LinearDSVRGD extends DefaultParamsReadable[LinearDSVRGD] with Serializable

    Permalink
  14. object LinearMatrixDSVRGD extends DefaultParamsReadable[LinearMatrixDSVRGD] with Serializable

    Permalink
  15. object LinearRegressionModel extends MLReadable[LinearRegressionModel] with Serializable

    Permalink
  16. object LogisticDSVRGD extends DefaultParamsReadable[LogisticDSVRGD] with Serializable

    Permalink
  17. object LogisticMatrixDSVRGD extends DefaultParamsReadable[LogisticMatrixDSVRGD] with Serializable

    Permalink
  18. object LogisticRegressionModel extends MLReadable[LogisticRegressionModel] with Serializable

    Permalink
  19. object MLWrapperModel extends MLReadable[PipelineStage] with Serializable

    Permalink
  20. object MatrixLBFGS extends Logging with HasNetlibBlas with Serializable

    Permalink
  21. object MatrixUtils

    Permalink

    Created by dmitriybugaichenko on 19.11.16.

    Created by dmitriybugaichenko on 19.11.16.

    Utility alowing access of certain hidden methods of Spark's mllib linalg

  22. object ModelWithSummary extends MLReadable[PipelineStage] with Serializable

    Permalink

    Helper for reading and writing models in a typed way.

  23. object MultinominalExtractor extends DefaultParamsReadable[MultinominalExtractor] with Serializable

    Permalink

    Adds read logic

  24. object MultinominalExtractorModel extends DefaultParamsReadable[MultinominalExtractorModel] with Serializable

    Permalink

    Adds read ability

  25. object NaNToMeanReplacerModel extends DefaultParamsReadable[NaNToMeanReplacerModel] with Serializable

    Permalink

    Adds support for reading.

  26. object NullToDefaultReplacer extends DefaultParamsReadable[NullToDefaultReplacer] with Serializable

    Permalink

    Adds read ability.

  27. object NullToNaNVectorAssembler extends DefaultParamsReadable[NullToNaNVectorAssembler] with Serializable

    Permalink
    Annotations
    @Since( "1.6.0" )
  28. object PartitionedRankingEvaluator extends Serializable

    Permalink
  29. object Scaler extends Serializable

    Permalink
  30. object SqlFilter extends DefaultParamsReadable[SqlFilter] with Serializable

    Permalink
  31. object UnwrappedStage extends Serializable

    Permalink
  32. package texts

    Permalink

Ungrouped