Class

com.amazonaws.services.sagemaker.sparksdk.algorithms

LinearLearnerBinaryClassifier

Related Doc: package algorithms

Permalink

class LinearLearnerBinaryClassifier extends LinearLearnerSageMakerEstimator with BinaryClassifierParams

A SageMakerEstimator that runs a Linear Learner training job in "binary classifier" mode in SageMaker and returns a SageMakerModel that can be used to transform a DataFrame using the hosted Linear Learner model. The Linear Learner Binary Classifier is useful for classifying examples into one of two classes.

Amazon SageMaker Linear Learner trains on RecordIO-encoded Amazon Record protobuf data. SageMaker Spark writes a DataFrame to S3 by selecting a column of Vectors named "features" and, if present, a column of Doubles named "label". These names are configurable by passing a map with entries in trainingSparkDataFormatOptions with key "labelColumnName" or "featuresColumnName", with values corresponding to the desired label and features columns.

Inferences made against an Endpoint hosting a Linear Learner Binary classifier model contain a "score" field and a "predicted_label" field, both appended to the input DataFrame as Doubles.

Linear Supertypes
BinaryClassifierParams, LinearLearnerSageMakerEstimator, LinearLearnerParams, SageMakerAlgorithmParams, SageMakerEstimator, Estimator[SageMakerModel], PipelineStage, Logging, Params, Serializable, Serializable, Identifiable, AnyRef, Any
Ordering
  1. Alphabetic
  2. By inheritance
Inherited
  1. LinearLearnerBinaryClassifier
  2. BinaryClassifierParams
  3. LinearLearnerSageMakerEstimator
  4. LinearLearnerParams
  5. SageMakerAlgorithmParams
  6. SageMakerEstimator
  7. Estimator
  8. PipelineStage
  9. Logging
  10. Params
  11. Serializable
  12. Serializable
  13. Identifiable
  14. AnyRef
  15. Any
  1. Hide All
  2. Show all
Visibility
  1. Public
  2. All

Instance Constructors

  1. new LinearLearnerBinaryClassifier(sagemakerRole: IAMRoleResource = IAMRoleFromConfig(), trainingInstanceType: String, trainingInstanceCount: Int, endpointInstanceType: String, endpointInitialInstanceCount: Int, requestRowSerializer: RequestRowSerializer = new ProtobufRequestRowSerializer(), responseRowDeserializer: ResponseRowDeserializer = ..., trainingInputS3DataPath: S3Resource = S3AutoCreatePath(), trainingOutputS3DataPath: S3Resource = S3AutoCreatePath(), trainingInstanceVolumeSizeInGB: Int = 1024, trainingProjectedColumns: Option[List[String]] = None, trainingChannelName: String = "train", trainingContentType: Option[String] = None, trainingS3DataDistribution: String = ..., trainingSparkDataFormat: String = "sagemaker", trainingSparkDataFormatOptions: Map[String, String] = Map(), trainingInputMode: String = TrainingInputMode.File.toString, trainingCompressionCodec: Option[String] = None, trainingMaxRuntimeInSeconds: Int = 24 * 60 * 60, trainingKmsKeyId: Option[String] = None, modelEnvironmentVariables: Map[String, String] = Map(), endpointCreationPolicy: EndpointCreationPolicy = ..., sagemakerClient: AmazonSageMaker = ..., region: Option[String] = None, s3Client: AmazonS3 = ..., stsClient: AWSSecurityTokenService = ..., modelPrependInputRowsToTransformationRows: Boolean = true, deleteStagingDataAfterTraining: Boolean = true, namePolicyFactory: NamePolicyFactory = new RandomNamePolicyFactory(), uid: String = Identifiable.randomUID("sagemaker"))

    Permalink

    sagemakerRole

    The SageMaker TrainingJob and Hosting IAM Role. Used by a SageMaker to access S3 and ECR resources. SageMaker hosted Endpoints instances launched by this Estimator run with this role.

    trainingInstanceType

    The SageMaker TrainingJob Instance Type to use

    trainingInstanceCount

    The number of instances of instanceType to run an SageMaker Training Job with

    endpointInstanceType

    The SageMaker Endpoint Confing instance type

    endpointInitialInstanceCount

    The SageMaker Endpoint Config minimum number of instances that can be used to host modelImage

    requestRowSerializer

    Serializes Spark DataFrame Rows for transformation by Models built from this Estimator.

    responseRowDeserializer

    Deserializes an Endpoint response into a series of Rows.

    trainingInputS3DataPath

    An S3 location to upload SageMaker Training Job input data to.

    trainingOutputS3DataPath

    An S3 location for SageMaker to store Training Job output data to.

    trainingInstanceVolumeSizeInGB

    The EBS volume size in gigabytes of each instance.

    trainingProjectedColumns

    The columns to project from the Dataset being fit before training. If an Optional.empty is passed then no specific projection will occur and all columns will be serialized.

    trainingChannelName

    The SageMaker Channel name to input serialized Dataset fit input to

    trainingContentType

    The MIME type of the training data.

    trainingS3DataDistribution

    The SageMaker Training Job S3 data distribution scheme.

    trainingSparkDataFormat

    The Spark Data Format name used to serialize the Dataset being fit for input to SageMaker.

    trainingSparkDataFormatOptions

    The Spark Data Format Options used during serialization of the Dataset being fit.

    trainingInputMode

    The SageMaker Training Job Channel input mode.

    trainingCompressionCodec

    The type of compression to use when serializing the Dataset being fit for input to SageMaker.

    trainingMaxRuntimeInSeconds

    A SageMaker Training Job Termination Condition MaxRuntimeInHours.

    trainingKmsKeyId

    A KMS key ID for the Output Data Source

    modelEnvironmentVariables

    The environment variables that SageMaker will set on the model container during execution.

    endpointCreationPolicy

    Defines how a SageMaker Endpoint referenced by a SageMakerModel is created.

    sagemakerClient

    Amazon SageMaker client. Used to send CreateTrainingJob, CreateModel, and CreateEndpoint requests.

    region

    The region in which to run the algorithm. If not specified, gets the region from the DefaultAwsRegionProviderChain.

    s3Client

    AmazonS3. Used to create a bucket for staging SageMaker Training Job input and/or output if either are set to S3AutoCreatePath.

    stsClient

    AmazonSTS. Used to resolve the account number when creating staging input / output buckets.

    modelPrependInputRowsToTransformationRows

    Whether the transformation result on Models built by this Estimator should also include the input Rows. If true, each output Row is formed by a concatenation of the input Row with the corresponding Row produced by SageMaker Endpoint invocation, produced by responseRowDeserializer. If false, each output Row is just taken from responseRowDeserializer.

    deleteStagingDataAfterTraining

    Whether to remove the training data on s3 after training is complete or failed.

    namePolicyFactory

    The NamePolicyFactory to use when naming SageMaker entities created during fit

    uid

    The unique identifier of this Estimator. Used to represent this stage in Spark ML pipelines.

Value Members

  1. final def !=(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  2. final def ##(): Int

    Permalink
    Definition Classes
    AnyRef → Any
  3. final def $[T](param: Param[T]): T

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  4. final def ==(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  5. final def asInstanceOf[T0]: T0

    Permalink
    Definition Classes
    Any
  6. def autoOrAboveParamValidator(lowerBound: Double, inclusive: Boolean): (String) ⇒ Boolean

    Permalink
    Attributes
    protected
    Definition Classes
    SageMakerAlgorithmParams
  7. val beta1: DoubleParam

    Permalink

    Parameter specific to adam optimizer.

    Parameter specific to adam optimizer. Exponential decay rate for first moment estimates. Ignored when optimizer is not adam. Must be in range [0, 1). Default: 0.9.

    Definition Classes
    LinearLearnerParams
  8. val beta2: DoubleParam

    Permalink

    Parameter specific to adam optimizer.

    Parameter specific to adam optimizer. Exponential decay rate for second moment estimates. Ignored when optimizer is not adam. Must be in range [0, 1). Default: 0.999.

    Definition Classes
    LinearLearnerParams
  9. val biasLrMult: DoubleParam

    Permalink

    Learning rate bias multiplier.

    Learning rate bias multiplier. The actual learning rate for the bias is learning rate times bias_lr_mult. Must be > 0. Default: 10.

    Definition Classes
    LinearLearnerParams
  10. val biasWdMult: DoubleParam

    Permalink

    Weight decay parameter multiplier.

    Weight decay parameter multiplier. The actual L2 regularization weight for the bias is wd times bias_wd_mult. Must be >= 0. Default: 0.

    Definition Classes
    LinearLearnerParams
  11. val binaryClassifierModelSelectionCriteria: Param[String]

    Permalink

    Pick the model with best criteria from the validation dataset for predictor_type is "binary_classifier".

    Pick the model with best criteria from the validation dataset for predictor_type is "binary_classifier". Supported options: "accuracy", "f1", "precision_at_target_recall", "recall_at_target_precision" and "cross_entropy_loss". accuracy: model with highest accuracy f1: model with highest f1 score precision_at_target_recall: model with highest precision at a given recall target recall_at_target_precision: model with highest recall at a given precision target cross_entropy_loss: model with lowest cross entropy loss Default: "accuracy".

    Definition Classes
    BinaryClassifierParams
  12. final def clear(param: Param[_]): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    Params
  13. def clone(): AnyRef

    Permalink
    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  14. def copy(extra: ParamMap): SageMakerEstimator

    Permalink
    Definition Classes
    SageMakerEstimator → Estimator → PipelineStage → Params
  15. def copyValues[T <: Params](to: T, extra: ParamMap): T

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  16. final def defaultCopy[T <: Params](extra: ParamMap): T

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  17. val deleteStagingDataAfterTraining: Boolean

    Permalink

    Whether to remove the training data on s3 after training is complete or failed.

    Whether to remove the training data on s3 after training is complete or failed.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  18. val earlyStoppingPatience: IntParam

    Permalink

    The number of epochs to wait before ending training if no improvement is made in the relevant metric.

    The number of epochs to wait before ending training if no improvement is made in the relevant metric. The metric is the binary_classifier_model_selection_criteria if provided, otherwise the metric is the same as loss. The metric is evaluated on the validation data. If no validation data is provided, the metric is always the same as loss and is evaluated on the training data. To disable early stopping, set early_stopping_patience to a value larger than epochs. Must be > 0. Default: 3.

    Definition Classes
    LinearLearnerParams
  19. val earlyStoppingTolerance: DoubleParam

    Permalink

    Relative tolerance to measure an improvement in loss.

    Relative tolerance to measure an improvement in loss. If the ratio of the improvement in loss divided by the previous best loss is smaller than this value, early stopping will consider the improvement to be zero. Must be > 0. Default: 0.001.

    Definition Classes
    LinearLearnerParams
  20. val endpointCreationPolicy: EndpointCreationPolicy

    Permalink

    Defines how a SageMaker Endpoint referenced by a SageMakerModel is created.

    Defines how a SageMaker Endpoint referenced by a SageMakerModel is created.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  21. val endpointInitialInstanceCount: Int

    Permalink

    The SageMaker Endpoint Config minimum number of instances that can be used to host modelImage

    The SageMaker Endpoint Config minimum number of instances that can be used to host modelImage

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  22. val endpointInstanceType: String

    Permalink

    The SageMaker Endpoint Confing instance type

    The SageMaker Endpoint Confing instance type

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  23. val epochs: IntParam

    Permalink

    Max number of passes over the data.

    Max number of passes over the data. Must be > 0. Default: 10.

    Definition Classes
    LinearLearnerParams
  24. final def eq(arg0: AnyRef): Boolean

    Permalink
    Definition Classes
    AnyRef
  25. def equals(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  26. def explainParam(param: Param[_]): String

    Permalink
    Definition Classes
    Params
  27. def explainParams(): String

    Permalink
    Definition Classes
    Params
  28. final def extractParamMap(): ParamMap

    Permalink
    Definition Classes
    Params
  29. final def extractParamMap(extra: ParamMap): ParamMap

    Permalink
    Definition Classes
    Params
  30. val fBeta: DoubleParam

    Permalink

    The value of beta to use when calculating F score metrics for binary or multiclass classification.

    The value of beta to use when calculating F score metrics for binary or multiclass classification. Also used if binary_classifier_model_selection_criteria is f_beta. Must be > 0. Default: 1.0.

    Definition Classes
    LinearLearnerParams
  31. val featureDim: IntParam

    Permalink

    The dimension of the input vectors.

    The dimension of the input vectors. Must be > 0. Required.

    Definition Classes
    SageMakerAlgorithmParams
  32. def finalize(): Unit

    Permalink
    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( classOf[java.lang.Throwable] )
  33. def fit(dataSet: Dataset[_]): SageMakerModel

    Permalink

    Fits a SageMakerModel on dataSet by running a SageMaker training job.

    Fits a SageMakerModel on dataSet by running a SageMaker training job.

    Definition Classes
    SageMakerEstimator → Estimator
  34. def fit(dataset: Dataset[_], paramMaps: Array[ParamMap]): Seq[SageMakerModel]

    Permalink
    Definition Classes
    Estimator
    Annotations
    @Since( "2.0.0" )
  35. def fit(dataset: Dataset[_], paramMap: ParamMap): SageMakerModel

    Permalink
    Definition Classes
    Estimator
    Annotations
    @Since( "2.0.0" )
  36. def fit(dataset: Dataset[_], firstParamPair: ParamPair[_], otherParamPairs: ParamPair[_]*): SageMakerModel

    Permalink
    Definition Classes
    Estimator
    Annotations
    @Since( "2.0.0" ) @varargs()
  37. final def get[T](param: Param[T]): Option[T]

    Permalink
    Definition Classes
    Params
  38. def getBeta1: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  39. def getBeta2: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  40. def getBiasLrMult: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  41. def getBiasWdMult: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  42. def getBinaryClassifierModelSelectionCriteria: String

    Permalink
    Definition Classes
    BinaryClassifierParams
  43. final def getClass(): Class[_]

    Permalink
    Definition Classes
    AnyRef → Any
  44. final def getDefault[T](param: Param[T]): Option[T]

    Permalink
    Definition Classes
    Params
  45. def getEarlyStoppingPatience: Int

    Permalink
    Definition Classes
    LinearLearnerParams
  46. def getEarlyStoppingTolerance: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  47. def getEpochs: Int

    Permalink
    Definition Classes
    LinearLearnerParams
  48. def getFBeta: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  49. def getFeatureDim: Int

    Permalink
    Definition Classes
    SageMakerAlgorithmParams
  50. def getHuberDelta: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  51. def getInitBias: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  52. def getInitMethod: String

    Permalink
    Definition Classes
    LinearLearnerParams
  53. def getInitScale: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  54. def getInitSigma: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  55. def getL1: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  56. def getLearningRate: String

    Permalink
    Definition Classes
    LinearLearnerParams
  57. def getLoss: String

    Permalink
    Definition Classes
    LinearLearnerParams
  58. def getLossInsensitivity: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  59. def getLrSchedulerFactor: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  60. def getLrSchedulerMinimumLr: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  61. def getLrSchedulerStep: Int

    Permalink
    Definition Classes
    LinearLearnerParams
  62. def getMargin: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  63. def getMiniBatchSize: Int

    Permalink
    Definition Classes
    SageMakerAlgorithmParams
  64. def getMomentum: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  65. def getNormalizeData: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  66. def getNormalizeLabel: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  67. def getNumCalibrationSamples: Int

    Permalink
    Definition Classes
    LinearLearnerParams
  68. def getNumModels: String

    Permalink
    Definition Classes
    LinearLearnerParams
  69. def getNumPointForScaler: Int

    Permalink
    Definition Classes
    LinearLearnerParams
  70. def getOptimizer: String

    Permalink
    Definition Classes
    LinearLearnerParams
  71. final def getOrDefault[T](param: Param[T]): T

    Permalink
    Definition Classes
    Params
  72. def getParam(paramName: String): Param[Any]

    Permalink
    Definition Classes
    Params
  73. def getPositiveExampleWeightMult: String

    Permalink
    Definition Classes
    BinaryClassifierParams
  74. def getQuantile: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  75. def getTargetPrecision: Double

    Permalink
    Definition Classes
    BinaryClassifierParams
  76. def getTargetRecall: Double

    Permalink
    Definition Classes
    BinaryClassifierParams
  77. def getUnbiasData: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  78. def getUnbiasLabel: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  79. def getUseBias: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  80. def getUseLrScheduler: Boolean

    Permalink
    Definition Classes
    LinearLearnerParams
  81. def getWd: Double

    Permalink
    Definition Classes
    LinearLearnerParams
  82. final def hasDefault[T](param: Param[T]): Boolean

    Permalink
    Definition Classes
    Params
  83. def hasParam(paramName: String): Boolean

    Permalink
    Definition Classes
    Params
  84. def hashCode(): Int

    Permalink
    Definition Classes
    AnyRef → Any
  85. val huberDelta: DoubleParam

    Permalink

    Parameter for Huber loss.

    Parameter for Huber loss. During training and metric evaluation, compute L2 loss for errors smaller than delta and L1 loss for errors larger than delta. Must be > 0. Default: 1.0.

    Definition Classes
    LinearLearnerParams
  86. val hyperParameters: Map[String, String]

    Permalink

    A map from hyperParameter names to their respective values for training.

    A map from hyperParameter names to their respective values for training.

    Definition Classes
    SageMakerEstimator
  87. def inArrayOrAboveParamValidator(validValues: Array[String], lowerBound: Double): (String) ⇒ Boolean

    Permalink
    Attributes
    protected
    Definition Classes
    SageMakerAlgorithmParams
  88. val initBias: DoubleParam

    Permalink

    Initial weight for bias.

    Initial weight for bias. Default: 0.

    Definition Classes
    LinearLearnerParams
  89. val initMethod: Param[String]

    Permalink

    Initialization function for the model weights.

    Initialization function for the model weights. Supported options: "uniform" and "normal". uniform: uniformly between (-scale, +scale) normal: normal with mean 0 and sigma Default: "uniform".

    Definition Classes
    LinearLearnerParams
  90. val initScale: DoubleParam

    Permalink

    Scale for init method uniform.

    Scale for init method uniform. Must be > 0. Default: 0.07.

    Definition Classes
    LinearLearnerParams
  91. val initSigma: DoubleParam

    Permalink

    Standard deviation for init method normal.

    Standard deviation for init method normal. Must be > 0. Default: 0.01.

    Definition Classes
    LinearLearnerParams
  92. def initializeLogIfNecessary(isInterpreter: Boolean): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  93. final def isDefined(param: Param[_]): Boolean

    Permalink
    Definition Classes
    Params
  94. final def isInstanceOf[T0]: Boolean

    Permalink
    Definition Classes
    Any
  95. final def isSet(param: Param[_]): Boolean

    Permalink
    Definition Classes
    Params
  96. def isTraceEnabled(): Boolean

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  97. val l1: DoubleParam

    Permalink

    The L1 regularization parameter.

    The L1 regularization parameter. Use 0 for no L1 regularization. Must be >= 0. Default: 0.

    Definition Classes
    LinearLearnerParams
  98. val learningRate: Param[String]

    Permalink

    The learning rate.

    The learning rate. Must be > 0 or "auto". Default: "auto".

    Definition Classes
    LinearLearnerParams
  99. def log: Logger

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  100. def logDebug(msg: ⇒ String, throwable: Throwable): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  101. def logDebug(msg: ⇒ String): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  102. def logError(msg: ⇒ String, throwable: Throwable): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  103. def logError(msg: ⇒ String): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  104. def logInfo(msg: ⇒ String, throwable: Throwable): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  105. def logInfo(msg: ⇒ String): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  106. def logName: String

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  107. def logTrace(msg: ⇒ String, throwable: Throwable): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  108. def logTrace(msg: ⇒ String): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  109. def logWarning(msg: ⇒ String, throwable: Throwable): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  110. def logWarning(msg: ⇒ String): Unit

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  111. val loss: Param[String]

    Permalink

    The loss function to apply.

    The loss function to apply. Supported options: "logistic", "squared_loss", "absolute_loss", "hinge_loss", "eps_insensitive_squared_loss", "eps_insensitive_absolute_loss", "quantile_loss", "huber_loss", "softmax_loss" and "auto". Default: "auto".

    Definition Classes
    LinearLearnerParams
  112. val lossInsensitivity: DoubleParam

    Permalink

    Parameter for epsilon insensitive loss type.

    Parameter for epsilon insensitive loss type. During training and metric evaluation, any error smaller than this is considered to be zero. Must be > 0. Default: 0.01.

    Definition Classes
    LinearLearnerParams
  113. val lrSchedulerFactor: DoubleParam

    Permalink

    Parameter specific to lr_scheduler.

    Parameter specific to lr_scheduler. Ignored otherwise. Every lr_scheduler_step the learning rate will decrease by this quantity. Must be in (0, 1). Default: 0.99.

    Definition Classes
    LinearLearnerParams
  114. val lrSchedulerMinimumLr: DoubleParam

    Permalink

    Parameter specific to lr_scheduler.

    Parameter specific to lr_scheduler. Ignored otherwise. The learning rate will never decrease to a value lower than lr_scheduler_minimum_lr. Must be > 0. Default: 1e-5.

    Definition Classes
    LinearLearnerParams
  115. val lrSchedulerStep: IntParam

    Permalink

    Parameter specific to lr_scheduler.

    Parameter specific to lr_scheduler. Ignored otherwise. The number of steps between decreases of the learning rate. Must be > 0. Default: 100.

    Definition Classes
    LinearLearnerParams
  116. val margin: DoubleParam

    Permalink

    Margin for hinge_loss.

    Margin for hinge_loss. Must be > 0. Default: 1.0.

    Definition Classes
    LinearLearnerParams
  117. val miniBatchSize: IntParam

    Permalink

    The number of examples in a mini-batch.

    The number of examples in a mini-batch. Must be > 0. Required.

    Definition Classes
    SageMakerAlgorithmParams
  118. val modelEnvironmentVariables: Map[String, String]

    Permalink

    The environment variables that SageMaker will set on the model container during execution.

    The environment variables that SageMaker will set on the model container during execution.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  119. val modelImage: String

    Permalink

    A SageMaker Model hosting Docker image URI.

    A SageMaker Model hosting Docker image URI.

    Definition Classes
    SageMakerEstimator
  120. val modelPrependInputRowsToTransformationRows: Boolean

    Permalink

    Whether the transformation result on Models built by this Estimator should also include the input Rows.

    Whether the transformation result on Models built by this Estimator should also include the input Rows. If true, each output Row is formed by a concatenation of the input Row with the corresponding Row produced by SageMaker Endpoint invocation, produced by responseRowDeserializer. If false, each output Row is just taken from responseRowDeserializer.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  121. val momentum: DoubleParam

    Permalink

    Momentum parameter of sgd optimizer.

    Momentum parameter of sgd optimizer. Must be in range [0, 1). Default: 0.

    Definition Classes
    LinearLearnerParams
  122. val namePolicyFactory: NamePolicyFactory

    Permalink

    The NamePolicyFactory to use when naming SageMaker entities created during fit

    The NamePolicyFactory to use when naming SageMaker entities created during fit

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  123. final def ne(arg0: AnyRef): Boolean

    Permalink
    Definition Classes
    AnyRef
  124. val normalizeData: Param[String]

    Permalink

    Whether to normalize the features before training to have std_dev of 1.

    Whether to normalize the features before training to have std_dev of 1. Default: True

    Definition Classes
    LinearLearnerParams
  125. val normalizeLabel: Param[String]

    Permalink

    Whether regression label is normalized.

    Whether regression label is normalized. Ignored in classification. Default: "auto"

    Definition Classes
    LinearLearnerParams
  126. final def notify(): Unit

    Permalink
    Definition Classes
    AnyRef
  127. final def notifyAll(): Unit

    Permalink
    Definition Classes
    AnyRef
  128. val numCalibrationSamples: IntParam

    Permalink

    Number of samples to use from validation dataset for doing model calibration (finding the best threshold).

    Number of samples to use from validation dataset for doing model calibration (finding the best threshold). Must be > 0. Default: 10000000.

    Definition Classes
    LinearLearnerParams
  129. val numModels: Param[String]

    Permalink

    Number of models to train in parallel.

    Number of models to train in parallel. Must be > 0 or "auto". If default "auto" is selected, the number of parallel models to train will be decided by the algorithm itself. Default: "auto".

    Definition Classes
    LinearLearnerParams
  130. val numPointForScaler: IntParam

    Permalink

    Number of data points to use for calcuating the normalizing / unbiasing terms.

    Number of data points to use for calcuating the normalizing / unbiasing terms. Must be > 0. Default: 10000.

    Definition Classes
    LinearLearnerParams
  131. val optimizer: Param[String]

    Permalink

    Which optimizer is to be used.

    Which optimizer is to be used. Supported options: "sgd", "adam", "rmsprop" and "auto". Default: "auto".

    Definition Classes
    LinearLearnerParams
  132. lazy val params: Array[Param[_]]

    Permalink
    Definition Classes
    Params
  133. def parseTrueAndFalse(param: Param[String]): Boolean

    Permalink
    Attributes
    protected
    Definition Classes
    SageMakerAlgorithmParams
  134. val positiveExampleWeightMult: Param[String]

    Permalink

    Weight assigned to positive examples when training a binary classifier.

    Weight assigned to positive examples when training a binary classifier. The weight of negative examples is fixed at 1. If balanced, then a weight will be selected so that errors in classifying negative vs. positive examples have equal impact on the training loss. If auto, the algorithm will attempt to select the weight that optimizes performance. Must be string "auto", "balanced" or float > 0 Default: 1.0.

    Definition Classes
    BinaryClassifierParams
  135. val quantile: DoubleParam

    Permalink

    Quantile for quantile loss.

    Quantile for quantile loss. For quantile q, the model will attempt to produce predictions such that true_label < prediction with probability q. Must be in (0, 1). Default: 0.5.

    Definition Classes
    LinearLearnerParams
  136. val region: Option[String]

    Permalink

    The region in which to run the algorithm.

    The region in which to run the algorithm. If not specified, gets the region from the DefaultAwsRegionProviderChain.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator
  137. val requestRowSerializer: RequestRowSerializer

    Permalink

    Serializes Spark DataFrame Rows for transformation by Models built from this Estimator.

    Serializes Spark DataFrame Rows for transformation by Models built from this Estimator.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  138. val responseRowDeserializer: ResponseRowDeserializer

    Permalink

    Deserializes an Endpoint response into a series of Rows.

    Deserializes an Endpoint response into a series of Rows.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  139. val s3Client: AmazonS3

    Permalink

    AmazonS3.

    AmazonS3. Used to create a bucket for staging SageMaker Training Job input and/or output if either are set to S3AutoCreatePath.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  140. val sagemakerClient: AmazonSageMaker

    Permalink

    Amazon SageMaker client.

    Amazon SageMaker client. Used to send CreateTrainingJob, CreateModel, and CreateEndpoint requests.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  141. val sagemakerRole: IAMRoleResource

    Permalink

    The SageMaker TrainingJob and Hosting IAM Role.

    The SageMaker TrainingJob and Hosting IAM Role. Used by a SageMaker to access S3 and ECR resources. SageMaker hosted Endpoints instances launched by this Estimator run with this role.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  142. final def set(paramPair: ParamPair[_]): LinearLearnerBinaryClassifier.this.type

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  143. final def set(param: String, value: Any): LinearLearnerBinaryClassifier.this.type

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  144. final def set[T](param: Param[T], value: T): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    Params
  145. def setBeta1(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  146. def setBeta2(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  147. def setBiasLrMult(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  148. def setBiasWdMult(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  149. def setBinaryClassifierModelSelectionCriteria(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
  150. final def setDefault(paramPairs: ParamPair[_]*): LinearLearnerBinaryClassifier.this.type

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  151. final def setDefault[T](param: Param[T], value: T): LinearLearnerBinaryClassifier.this.type

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  152. def setEarlyStoppingPatience(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  153. def setEarlyStoppingTolerance(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  154. def setEpochs(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  155. def setFBeta(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  156. def setFeatureDim(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  157. def setHuberDelta(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  158. def setInitBias(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  159. def setInitMethod(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  160. def setInitScale(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  161. def setInitSigma(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  162. def setL1(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  163. def setLearningRate(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  164. def setLearningRate(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  165. def setLoss(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  166. def setLossInsensitivity(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  167. def setLrSchedulerFactor(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  168. def setLrSchedulerMinimumLr(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  169. def setLrSchedulerStep(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  170. def setMargin(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  171. def setMiniBatchSize(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  172. def setMomentum(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  173. def setNormalizeData(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  174. def setNormalizeLabel(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  175. def setNumCalibrationSamples(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  176. def setNumModels(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  177. def setNumModels(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  178. def setNumPointForScaler(value: Int): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  179. def setOptimizer(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  180. def setPositiveExampleWeightMult(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
  181. def setPositiveExampleWeightMult(value: String): LinearLearnerBinaryClassifier.this.type

    Permalink
  182. def setQuantile(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  183. def setTargetPrecision(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
  184. def setTargetRecall(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
  185. def setUnbiasData(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  186. def setUnbiasLabel(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  187. def setUseBias(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  188. def setUseLrScheduler(value: Boolean): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  189. def setWd(value: Double): LinearLearnerBinaryClassifier.this.type

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator
  190. val stsClient: AWSSecurityTokenService

    Permalink

    AmazonSTS.

    AmazonSTS. Used to resolve the account number when creating staging input / output buckets.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  191. final def synchronized[T0](arg0: ⇒ T0): T0

    Permalink
    Definition Classes
    AnyRef
  192. val targetPrecision: DoubleParam

    Permalink

    Applicable if binary_classifier_model_selection_criteria is recall_at_target_precision Ignored otherwise.

    Applicable if binary_classifier_model_selection_criteria is recall_at_target_precision Ignored otherwise. Must be in range (0, 1). Default: 0.8.

    Definition Classes
    BinaryClassifierParams
  193. val targetRecall: DoubleParam

    Permalink

    Applicable if binary_classifier_model_selection_criteria is precision_at_target_recall Ignored otherwise.

    Applicable if binary_classifier_model_selection_criteria is precision_at_target_recall Ignored otherwise. Must be in range (0, 1). Default: 0.8.

    Definition Classes
    BinaryClassifierParams
  194. def toString(): String

    Permalink
    Definition Classes
    Identifiable → AnyRef → Any
  195. val trainingChannelName: String

    Permalink

    The SageMaker Channel name to input serialized Dataset fit input to

    The SageMaker Channel name to input serialized Dataset fit input to

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  196. val trainingCompressionCodec: Option[String]

    Permalink

    The type of compression to use when serializing the Dataset being fit for input to SageMaker.

    The type of compression to use when serializing the Dataset being fit for input to SageMaker.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  197. val trainingContentType: Option[String]

    Permalink

    The MIME type of the training data.

    The MIME type of the training data.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  198. val trainingImage: String

    Permalink

    A SageMaker Training Job Algorithm Specification Training Image Docker image URI.

    A SageMaker Training Job Algorithm Specification Training Image Docker image URI.

    Definition Classes
    SageMakerEstimator
  199. val trainingInputMode: String

    Permalink

    The SageMaker Training Job Channel input mode.

    The SageMaker Training Job Channel input mode.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  200. val trainingInputS3DataPath: S3Resource

    Permalink

    An S3 location to upload SageMaker Training Job input data to.

    An S3 location to upload SageMaker Training Job input data to.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  201. val trainingInstanceCount: Int

    Permalink

    The number of instances of instanceType to run an SageMaker Training Job with

    The number of instances of instanceType to run an SageMaker Training Job with

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  202. val trainingInstanceType: String

    Permalink

    The SageMaker TrainingJob Instance Type to use

    The SageMaker TrainingJob Instance Type to use

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  203. val trainingInstanceVolumeSizeInGB: Int

    Permalink

    The EBS volume size in gigabytes of each instance.

    The EBS volume size in gigabytes of each instance.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  204. val trainingKmsKeyId: Option[String]

    Permalink

    A KMS key ID for the Output Data Source

    A KMS key ID for the Output Data Source

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  205. val trainingMaxRuntimeInSeconds: Int

    Permalink

    A SageMaker Training Job Termination Condition MaxRuntimeInHours.

    A SageMaker Training Job Termination Condition MaxRuntimeInHours.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  206. val trainingOutputS3DataPath: S3Resource

    Permalink

    An S3 location for SageMaker to store Training Job output data to.

    An S3 location for SageMaker to store Training Job output data to.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  207. val trainingProjectedColumns: Option[List[String]]

    Permalink

    The columns to project from the Dataset being fit before training.

    The columns to project from the Dataset being fit before training. If an Optional.empty is passed then no specific projection will occur and all columns will be serialized.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  208. val trainingS3DataDistribution: String

    Permalink

    The SageMaker Training Job S3 data distribution scheme.

    The SageMaker Training Job S3 data distribution scheme.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  209. val trainingSparkDataFormat: String

    Permalink

    The Spark Data Format name used to serialize the Dataset being fit for input to SageMaker.

    The Spark Data Format name used to serialize the Dataset being fit for input to SageMaker.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  210. val trainingSparkDataFormatOptions: Map[String, String]

    Permalink

    The Spark Data Format Options used during serialization of the Dataset being fit.

    The Spark Data Format Options used during serialization of the Dataset being fit.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator
  211. def transformSchema(schema: StructType): StructType

    Permalink
    Definition Classes
    LinearLearnerSageMakerEstimator → SageMakerEstimator → PipelineStage
  212. def transformSchema(schema: StructType, logging: Boolean): StructType

    Permalink
    Attributes
    protected
    Definition Classes
    PipelineStage
    Annotations
    @DeveloperApi()
  213. val uid: String

    Permalink

    The unique identifier of this Estimator.

    The unique identifier of this Estimator. Used to represent this stage in Spark ML pipelines.

    Definition Classes
    LinearLearnerBinaryClassifier → LinearLearnerSageMakerEstimator → SageMakerEstimator → Identifiable
  214. val unbiasData: Param[String]

    Permalink

    Whether to unbias the features before training so that mean is 0.

    Whether to unbias the features before training so that mean is 0. By default data is unbiased if use_bias is set to true. Default: "auto"

    Definition Classes
    LinearLearnerParams
  215. val unbiasLabel: Param[String]

    Permalink

    Whether to unbias the labels before training so that mean is 0.

    Whether to unbias the labels before training so that mean is 0. Only done for regrssion if use_bias is true. Otherwise will be ignored. Default: "auto"

    Definition Classes
    LinearLearnerParams
  216. val useBias: Param[String]

    Permalink

    Whether model should include bias.

    Whether model should include bias. Default: "True".

    Definition Classes
    LinearLearnerParams
  217. val useLrScheduler: Param[String]

    Permalink

    Whether to use a scheduler for the learning rate.

    Whether to use a scheduler for the learning rate. Default: True

    Definition Classes
    LinearLearnerParams
  218. final def wait(): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  219. final def wait(arg0: Long, arg1: Int): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  220. final def wait(arg0: Long): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  221. val wd: DoubleParam

    Permalink

    The L2 regularization, i.e.

    The L2 regularization, i.e. the weight decay parameter. Use 0 for no L2 regularization. Must be >= 0. Default: 0.

    Definition Classes
    LinearLearnerParams

Inherited from BinaryClassifierParams

Inherited from LinearLearnerSageMakerEstimator

Inherited from LinearLearnerParams

Inherited from SageMakerAlgorithmParams

Inherited from SageMakerEstimator

Inherited from Estimator[SageMakerModel]

Inherited from PipelineStage

Inherited from Logging

Inherited from Params

Inherited from Serializable

Inherited from Serializable

Inherited from Identifiable

Inherited from AnyRef

Inherited from Any

Ungrouped