Class/Object

ai.catboost.spark

CatBoostClassificationModel

Related Docs: object CatBoostClassificationModel | package spark

Permalink

class CatBoostClassificationModel extends ProbabilisticClassificationModel[Vector, CatBoostClassificationModel] with CatBoostModelTrait[CatBoostClassificationModel]

Classification model trained by CatBoost. Use CatBoostClassifier to train it

Serialization

Supports standard Spark MLLib serialization. Data can be saved to distributed filesystem like HDFS or local files. When saved to path two files are created: -<path>/metadata which contains Spark-specific metadata in JSON format -<path>/model which contains model in usual CatBoost format which can be read using other local CatBoost APIs (if stored in a distributed filesystem it has to be copied to the local filesystem first).

Saving to and loading from local files in standard CatBoost model formats is also supported.

Examples:
  1. Load native model

    val dataFrameForPrediction : DataFrame = ... init DataFrame ...
    val path = "/home/user/catboost_native_models/model0.cbm"
    val model = CatBoostClassificationModel.loadNativeModel(path)
    val predictions = model.transform(dataFrameForPrediction)
    predictions.show()
  2. ,
  3. Save as a native model

    val trainPool : Pool = ... init Pool ...
    val classifier = new CatBoostClassifier
    val model = classifier.fit(trainPool)
    val path = "/home/user/catboost_native_models/model0.cbm"
    model.saveNativeModel(path)
  4. ,
  5. Load model

    val dataFrameForPrediction : DataFrame = ... init DataFrame ...
    val path = "/home/user/catboost_spark_models/model0"
    val model = CatBoostClassificationModel.load(path)
    val predictions = model.transform(dataFrameForPrediction)
    predictions.show()
  6. ,
  7. Save model

    val trainPool : Pool = ... init Pool ...
    val classifier = new CatBoostClassifier
    val model = classifier.fit(trainPool)
    val path = "/home/user/catboost_spark_models/model0"
    model.write.save(path)
Linear Supertypes
CatBoostModelTrait[CatBoostClassificationModel], MLWritable, ProbabilisticClassificationModel[Vector, CatBoostClassificationModel], ProbabilisticClassifierParams, HasThresholds, HasProbabilityCol, ClassificationModel[Vector, CatBoostClassificationModel], ClassifierParams, HasRawPredictionCol, PredictionModel[Vector, CatBoostClassificationModel], PredictorParams, HasPredictionCol, HasFeaturesCol, HasLabelCol, Model[CatBoostClassificationModel], Transformer, PipelineStage, Logging, Params, Serializable, Serializable, Identifiable, AnyRef, Any
Ordering
  1. Alphabetic
  2. By Inheritance
Inherited
  1. CatBoostClassificationModel
  2. CatBoostModelTrait
  3. MLWritable
  4. ProbabilisticClassificationModel
  5. ProbabilisticClassifierParams
  6. HasThresholds
  7. HasProbabilityCol
  8. ClassificationModel
  9. ClassifierParams
  10. HasRawPredictionCol
  11. PredictionModel
  12. PredictorParams
  13. HasPredictionCol
  14. HasFeaturesCol
  15. HasLabelCol
  16. Model
  17. Transformer
  18. PipelineStage
  19. Logging
  20. Params
  21. Serializable
  22. Serializable
  23. Identifiable
  24. AnyRef
  25. Any
  1. Hide All
  2. Show All
Visibility
  1. Public
  2. All

Instance Constructors

  1. new CatBoostClassificationModel(nativeModel: TFullModel)

    Permalink
  2. new CatBoostClassificationModel(uid: String, nativeModel: TFullModel = null, nativeDimension: Int)

    Permalink

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. final def clear(param: Param[_]): CatBoostClassificationModel.this.type

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

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

    Permalink
    Definition Classes
    CatBoostClassificationModel → Model → Transformer → PipelineStage → Params
  9. def copyValues[T <: Params](to: T, extra: ParamMap): T

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

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  11. final def eq(arg0: AnyRef): Boolean

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

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

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

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

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

    Permalink
    Definition Classes
    Params
  17. final val featuresCol: Param[String]

    Permalink
    Definition Classes
    HasFeaturesCol
  18. def featuresDataType: DataType

    Permalink
    Attributes
    protected
    Definition Classes
    PredictionModel
  19. def finalize(): Unit

    Permalink
    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( classOf[java.lang.Throwable] )
  20. final def get[T](param: Param[T]): Option[T]

    Permalink
    Definition Classes
    Params
  21. def getAdditionalColumnsForApply: Seq[StructField]

    Permalink
    Attributes
    protected
    Definition Classes
    CatBoostClassificationModel → CatBoostModelTrait
  22. final def getClass(): Class[_]

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

    Permalink
    Definition Classes
    Params
  24. def getFeatureImportance(fstrType: EFstrType = EFstrType.FeatureImportance, data: Pool = null, calcType: ECalcTypeShapValues = ECalcTypeShapValues.Regular): Array[Double]

    Permalink

    fstrType

    Supported values are FeatureImportance, PredictionValuesChange, LossFunctionChange, PredictionDiff

    data

    if fstrType is PredictionDiff it is required and must contain 2 samples if fstrType is PredictionValuesChange this param is required in case if model was explicitly trained with flag to store no leaf weights. otherwise it can be null

    calcType

    Used only for PredictionValuesChange. Possible values:

    • Regular Calculate regular SHAP values
    • Approximate Calculate approximate SHAP values
    • Exact Calculate exact SHAP values
    returns

    array of feature importances (index corresponds to the order of features in the model)

    Definition Classes
    CatBoostModelTrait
  25. def getFeatureImportanceInteraction(): Array[FeatureInteractionScore]

    Permalink

    returns

    array of feature interaction scores

    Definition Classes
    CatBoostModelTrait
  26. def getFeatureImportancePrettified(fstrType: EFstrType = EFstrType.FeatureImportance, data: Pool = null, calcType: ECalcTypeShapValues = ECalcTypeShapValues.Regular): Array[FeatureImportance]

    Permalink

    fstrType

    Supported values are FeatureImportance, PredictionValuesChange, LossFunctionChange, PredictionDiff

    data

    if fstrType is PredictionDiff it is required and must contain 2 samples if fstrType is PredictionValuesChange this param is required in case if model was explicitly trained with flag to store no leaf weights. otherwise it can be null

    calcType

    Used only for PredictionValuesChange. Possible values:

    • Regular Calculate regular SHAP values
    • Approximate Calculate approximate SHAP values
    • Exact Calculate exact SHAP values
    returns

    array of feature importances sorted in descending order by importance

    Definition Classes
    CatBoostModelTrait
  27. def getFeatureImportanceShapInteractionValues(data: Pool, featureIndices: Pair[Int, Int] = null, featureNames: Pair[String, String] = null, preCalcMode: EPreCalcShapValues = EPreCalcShapValues.Auto, calcType: ECalcTypeShapValues = ECalcTypeShapValues.Regular, outputColumns: Array[String] = null): DataFrame

    Permalink

    SHAP interaction values are calculated for all features pairs if nor featureIndices nor featureNames are specified.

    SHAP interaction values are calculated for all features pairs if nor featureIndices nor featureNames are specified.

    data

    dataset to calculate SHAP interaction values

    featureIndices

    (optional) pair of feature indices to calculate SHAP interaction values for.

    featureNames

    (optional) pair of feature names to calculate SHAP interaction values for.

    preCalcMode

    Possible values:

    • Auto Use direct SHAP Values calculation only if data size is smaller than average leaves number (the best of two strategies below is chosen).
    • UsePreCalc Calculate SHAP Values for every leaf in preprocessing. Final complexity is O(NT(D+F))+O(TL2 D2) where N is the number of documents(objects), T - number of trees, D - average tree depth, F - average number of features in tree, L - average number of leaves in tree This is much faster (because of a smaller constant) than direct calculation when N >> L
    • NoPreCalc Use direct SHAP Values calculation calculation with complexity O(NTLD^2). Direct algorithm is faster when N < L (algorithm from https://arxiv.org/abs/1802.03888)
    calcType

    Possible values:

    • Regular Calculate regular SHAP values
    • Approximate Calculate approximate SHAP values
    • Exact Calculate exact SHAP values
    outputColumns

    columns from data to add to output DataFrame, if null - add all columns

    returns

    • for binclass or regression: DataFrame which contains outputColumns and "featureIdx1", "featureIdx2", "shapInteractionValue" columns
    • for multiclass: DataFrame which contains outputColumns and "classIdx", "featureIdx1", "featureIdx2", "shapInteractionValue" columns
    Definition Classes
    CatBoostModelTrait
  28. def getFeatureImportanceShapValues(data: Pool, preCalcMode: EPreCalcShapValues = EPreCalcShapValues.Auto, calcType: ECalcTypeShapValues = ECalcTypeShapValues.Regular, modelOutputType: EExplainableModelOutput = EExplainableModelOutput.Raw, referenceData: Pool = null, outputColumns: Array[String] = null): DataFrame

    Permalink

    data

    dataset to calculate SHAP values for

    preCalcMode

    Possible values:

    • Auto Use direct SHAP Values calculation only if data size is smaller than average leaves number (the best of two strategies below is chosen).
    • UsePreCalc Calculate SHAP Values for every leaf in preprocessing. Final complexity is O(NT(D+F))+O(TL2 D2) where N is the number of documents(objects), T - number of trees, D - average tree depth, F - average number of features in tree, L - average number of leaves in tree This is much faster (because of a smaller constant) than direct calculation when N >> L
    • NoPreCalc Use direct SHAP Values calculation calculation with complexity O(NTLD^2). Direct algorithm is faster when N < L (algorithm from https://arxiv.org/abs/1802.03888)
    calcType

    Possible values:

    • Regular Calculate regular SHAP values
    • Approximate Calculate approximate SHAP values
    • Exact Calculate exact SHAP values
    referenceData

    reference data for Independent Tree SHAP values from https://arxiv.org/abs/1905.04610v1 if referenceData is not null, then Independent Tree SHAP values are calculated

    outputColumns

    columns from data to add to output DataFrame, if null - add all columns

    returns

    • for regression and binclass models: DataFrame which contains outputColumns and "shapValues" column with Vector of length (n_features + 1) with SHAP values
    • for multiclass models: DataFrame which contains outputColumns and "shapValues" column with Matrix of shape (n_classes x (n_features + 1)) with SHAP values
    Definition Classes
    CatBoostModelTrait
  29. final def getFeaturesCol: String

    Permalink
    Definition Classes
    HasFeaturesCol
  30. final def getLabelCol: String

    Permalink
    Definition Classes
    HasLabelCol
  31. final def getOrDefault[T](param: Param[T]): T

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

    Permalink
    Definition Classes
    Params
  33. final def getPredictionCol: String

    Permalink
    Definition Classes
    HasPredictionCol
  34. final def getProbabilityCol: String

    Permalink
    Definition Classes
    HasProbabilityCol
  35. final def getRawPredictionCol: String

    Permalink
    Definition Classes
    HasRawPredictionCol
  36. def getResultIteratorForApply(objectsDataProvider: SWIGTYPE_p_NCB__TObjectsDataProviderPtr, dstRows: ArrayBuffer[Array[Any]], localExecutor: TLocalExecutor): Iterator[Row]

    Permalink
    Attributes
    protected
    Definition Classes
    CatBoostClassificationModel → CatBoostModelTrait
  37. def getThresholds: Array[Double]

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

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

    Permalink
    Definition Classes
    Params
  40. def hasParent: Boolean

    Permalink
    Definition Classes
    Model
  41. def hashCode(): Int

    Permalink
    Definition Classes
    AnyRef → Any
  42. def initializeLogIfNecessary(isInterpreter: Boolean, silent: Boolean): Boolean

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  43. def initializeLogIfNecessary(isInterpreter: Boolean): Unit

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

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

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

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

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  48. final val labelCol: Param[String]

    Permalink
    Definition Classes
    HasLabelCol
  49. def log: Logger

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

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

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

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

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

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

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

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

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

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

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

    Permalink
    Attributes
    protected
    Definition Classes
    Logging
  61. var nativeDimension: Int

    Permalink
    Attributes
    protected
    Definition Classes
    CatBoostClassificationModel → CatBoostModelTrait
  62. final def ne(arg0: AnyRef): Boolean

    Permalink
    Definition Classes
    AnyRef
  63. final def notify(): Unit

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

    Permalink
    Definition Classes
    AnyRef
  65. def numClasses: Int

    Permalink
    Definition Classes
    CatBoostClassificationModel → ClassificationModel
  66. def numFeatures: Int

    Permalink
    Definition Classes
    PredictionModel
    Annotations
    @Since( "1.6.0" )
  67. lazy val params: Array[Param[_]]

    Permalink
    Definition Classes
    Params
  68. var parent: Estimator[CatBoostClassificationModel]

    Permalink
    Definition Classes
    Model
  69. def predict(features: Vector): Double

    Permalink
    Attributes
    protected
    Definition Classes
    ClassificationModel → PredictionModel
  70. def predictProbability(features: Vector): Vector

    Permalink
    Attributes
    protected
    Definition Classes
    ProbabilisticClassificationModel
  71. def predictRaw(features: Vector): Vector

    Permalink

    Prefer batch computations operating on datasets as a whole for efficiency

    Prefer batch computations operating on datasets as a whole for efficiency

    Attributes
    protected
    Definition Classes
    CatBoostClassificationModel → ClassificationModel
  72. final def predictRawImpl(features: Vector): Array[Double]

    Permalink

    Prefer batch computations operating on datasets as a whole for efficiency

    Prefer batch computations operating on datasets as a whole for efficiency

    Definition Classes
    CatBoostModelTrait
  73. final val predictionCol: Param[String]

    Permalink
    Definition Classes
    HasPredictionCol
  74. def probability2prediction(probability: Vector): Double

    Permalink
    Attributes
    protected
    Definition Classes
    ProbabilisticClassificationModel
  75. final val probabilityCol: Param[String]

    Permalink
    Definition Classes
    HasProbabilityCol
  76. def raw2prediction(rawPrediction: Vector): Double

    Permalink
    Attributes
    protected
    Definition Classes
    ProbabilisticClassificationModel → ClassificationModel
  77. def raw2probability(rawPrediction: Vector): Vector

    Permalink
    Attributes
    protected
    Definition Classes
    ProbabilisticClassificationModel
  78. def raw2probabilityInPlace(rawPrediction: Vector): Vector

    Permalink

    Prefer batch computations operating on datasets as a whole for efficiency

    Prefer batch computations operating on datasets as a whole for efficiency

    Attributes
    protected
    Definition Classes
    CatBoostClassificationModel → ProbabilisticClassificationModel
  79. final val rawPredictionCol: Param[String]

    Permalink
    Definition Classes
    HasRawPredictionCol
  80. def save(path: String): Unit

    Permalink
    Definition Classes
    MLWritable
    Annotations
    @Since( "1.6.0" ) @throws( ... )
  81. def saveNativeModel(fileName: String, format: EModelType = EModelType.CatboostBinary, exportParameters: Map[String, Any] = null, pool: Pool = null): Unit

    Permalink

    Save the model to a local file.

    Save the model to a local file.

    fileName

    The path to the output model.

    format

    The output format of the model. Possible values:

    CatboostBinary CatBoost binary format (default).
    AppleCoreML Apple CoreML format (only datasets without categorical features are currently supported).
    Cpp Standalone C++ code (multiclassification models are not currently supported). See the C++ section for details on applying the resulting model.
    Python Standalone Python code (multiclassification models are not currently supported). See the Python section for details on applying the resulting model.
    Json JSON format. Refer to the CatBoost JSON model tutorial for format details.
    Onnx ONNX-ML format (only datasets without categorical features are currently supported). Refer to https://onnx.ai for details.
    Pmml PMML version 4.3 format. Categorical features must be interpreted as one-hot encoded during the training if present in the training dataset. This can be accomplished by setting the --one-hot-max-size/one_hot_max_size parameter to a value that is greater than the maximum number of unique categorical feature values among all categorical features in the dataset. Note. Multiclassification models are not currently supported. See the PMML section for details on applying the resulting model.

    exportParameters

    Additional format-dependent parameters for AppleCoreML, Onnx or Pmml formats. See python API documentation for details.

    pool

    The dataset previously used for training. This parameter is required if the model contains categorical features and the output format is Cpp, Python, or Json.

    Definition Classes
    CatBoostModelTrait
    Example:
    1. val spark = SparkSession.builder()
        .master("local[*]")
        .appName("testSaveLocalModel")
        .getOrCreate()
      val pool = Pool.load(
        spark,
        "dsv:///home/user/datasets/my_dataset/train.dsv",
        columnDescription = "/home/user/datasets/my_dataset/cd"
      )
      val regressor = new CatBoostRegressor()
      val model = regressor.fit(pool)
      // save in CatBoostBinary format
      model.saveNativeModel("/home/user/model/model.cbm")
      // save in ONNX format with metadata
      model.saveNativeModel(
        "/home/user/model/model.onnx",
        EModelType.Onnx,
        Map(
          "onnx_domain" -> "ai.catboost",
          "onnx_model_version" -> 1,
          "onnx_doc_string" -> "test model for regression",
          "onnx_graph_name" -> "CatBoostModel_for_regression"
        )
      )
  82. final def set(paramPair: ParamPair[_]): CatBoostClassificationModel.this.type

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

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

    Permalink
    Definition Classes
    Params
  85. final def setDefault(paramPairs: ParamPair[_]*): CatBoostClassificationModel.this.type

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

    Permalink
    Attributes
    protected
    Definition Classes
    Params
  87. def setFeaturesCol(value: String): CatBoostClassificationModel

    Permalink
    Definition Classes
    PredictionModel
  88. def setParent(parent: Estimator[CatBoostClassificationModel]): CatBoostClassificationModel

    Permalink
    Definition Classes
    Model
  89. def setPredictionCol(value: String): CatBoostClassificationModel

    Permalink
    Definition Classes
    PredictionModel
  90. def setProbabilityCol(value: String): CatBoostClassificationModel

    Permalink
    Definition Classes
    ProbabilisticClassificationModel
  91. def setRawPredictionCol(value: String): CatBoostClassificationModel

    Permalink
    Definition Classes
    ClassificationModel
  92. def setThresholds(value: Array[Double]): CatBoostClassificationModel

    Permalink
    Definition Classes
    ProbabilisticClassificationModel
  93. final def synchronized[T0](arg0: ⇒ T0): T0

    Permalink
    Definition Classes
    AnyRef
  94. final val thresholds: DoubleArrayParam

    Permalink
    Definition Classes
    HasThresholds
  95. def toString(): String

    Permalink
    Definition Classes
    Identifiable → AnyRef → Any
  96. def transform(dataset: Dataset[_]): DataFrame

    Permalink
    Definition Classes
    CatBoostClassificationModel → ProbabilisticClassificationModel → ClassificationModel → PredictionModel → Transformer
  97. def transform(dataset: Dataset[_], paramMap: ParamMap): DataFrame

    Permalink
    Definition Classes
    Transformer
    Annotations
    @Since( "2.0.0" )
  98. def transform(dataset: Dataset[_], firstParamPair: ParamPair[_], otherParamPairs: ParamPair[_]*): DataFrame

    Permalink
    Definition Classes
    Transformer
    Annotations
    @Since( "2.0.0" ) @varargs()
  99. def transformImpl(dataset: Dataset[_]): DataFrame

    Permalink
    Definition Classes
    CatBoostModelTrait → PredictionModel
  100. def transformPool(dataset: Pool): DataFrame

    Permalink

    This function is useful when the dataset has been already quantized but works with any Pool

    This function is useful when the dataset has been already quantized but works with any Pool

    Definition Classes
    CatBoostModelTrait
  101. def transformSchema(schema: StructType): StructType

    Permalink
    Definition Classes
    PredictionModel → PipelineStage
  102. def transformSchema(schema: StructType, logging: Boolean): StructType

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

    Permalink
    Definition Classes
    CatBoostClassificationModel → Identifiable
  104. def validateAndTransformSchema(schema: StructType, fitting: Boolean, featuresDataType: DataType): StructType

    Permalink
    Attributes
    protected
    Definition Classes
    ProbabilisticClassifierParams → ClassifierParams → PredictorParams
  105. final def wait(): Unit

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

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

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  108. def write: MLWriter

    Permalink
    Definition Classes
    CatBoostModelTrait → MLWritable

Inherited from CatBoostModelTrait[CatBoostClassificationModel]

Inherited from MLWritable

Inherited from ProbabilisticClassificationModel[Vector, CatBoostClassificationModel]

Inherited from ProbabilisticClassifierParams

Inherited from HasThresholds

Inherited from HasProbabilityCol

Inherited from ClassificationModel[Vector, CatBoostClassificationModel]

Inherited from ClassifierParams

Inherited from HasRawPredictionCol

Inherited from PredictionModel[Vector, CatBoostClassificationModel]

Inherited from PredictorParams

Inherited from HasPredictionCol

Inherited from HasFeaturesCol

Inherited from HasLabelCol

Inherited from Model[CatBoostClassificationModel]

Inherited from Transformer

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