Package

com.microsoft.ml

spark

Permalink

package spark

Microsoft Machine Learning on Apache Spark (MMLSpark)

Linear Supertypes
Ordering
  1. Alphabetic
  2. By Inheritance
Inherited
  1. spark
  2. AnyRef
  3. Any
  1. Hide All
  2. Show All
Visibility
  1. Public
  2. All

Type Members

  1. class AddDocuments extends CognitiveServicesBase with HasCognitiveServiceInput with HasInternalJsonOutputParser with HasActionCol with HasServiceName with HasIndexName with HasBatchSize

    Permalink
  2. class AdvancedRankingMetrics extends Serializable

    Permalink
  3. class AnalyzeImage extends CognitiveServicesBase with HasImageInput with HasInternalJsonOutputParser with HasCognitiveServiceInput

    Permalink
  4. class AssembleFeatures extends Estimator[AssembleFeaturesModel] with HasFeaturesCol with Wrappable with DefaultParamsWritable

    Permalink

    Creates a vector column of features from a collection of feature columns

  5. class AssembleFeaturesModel extends Model[AssembleFeaturesModel] with Params with ConstructorWritable[AssembleFeaturesModel]

    Permalink

    Model produced by AssembleFeatures.

  6. abstract class AsyncClient extends BaseClient

    Permalink
  7. class AsyncHTTPClient extends AsyncClient with HTTPClient

    Permalink
  8. abstract class AutoTrainedModel[TrainedModel <: Model[TrainedModel]] extends Model[TrainedModel] with ConstructorWritable[TrainedModel]

    Permalink

    Defines common inheritance and functions across auto trained models.

  9. trait AutoTrainer[TrainedModel <: Model[TrainedModel]] extends Estimator[TrainedModel] with HasLabelCol with ComplexParamsWritable with HasFeaturesCol

    Permalink

    Defines common inheritance and parameters across trainers.

  10. class BasicDatasetGenerationConstraints extends HasDatasetGenerationConstraints

    Permalink

    Basic constraints for generating a dataset.

  11. class BatchIterator[T] extends Iterator[List[T]]

    Permalink
  12. case class Benchmark(name: String, value: Double, precision: Double, higherIsBetter: Boolean = true) extends Product with Serializable

    Permalink
  13. abstract class Benchmarks extends TestBase

    Permalink
  14. class BestModel extends Model[BestModel] with ConstructorWritable[BestModel]

    Permalink

    Model produced by FindBestModel.

    Model produced by FindBestModel.

    Annotations
    @InternalWrapper()
  15. case class BingImage(accentColor: String, contentSize: String, contentUrl: String, datePublished: String, encodingFormat: String, height: Int, hostPageDisplayUrl: String, hostPageUrl: String, id: String, imageId: String, imageInsightsToken: String, insightsMetadata: String, name: String, thumbnail: BingMediaSize, thumbnailUrl: String, webSearchUrl: String, width: Int) extends Product with Serializable

    Permalink
  16. class BingImageSearch extends CognitiveServicesBase with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
    Annotations
    @InternalWrapper()
  17. case class BingImagesResponse(_type: String, instrumentation: BingInstrumentation, webSearchUrl: String, totalEstimatedMatches: Int, nextOffset: Int, value: Seq[BingImage], pivotSuggestions: Seq[BingPivot], queryExpansions: Seq[BingQuery], relatedSearches: Seq[BingQuery]) extends Product with Serializable

    Permalink
  18. case class BingInstrumentation(_type: String) extends Product with Serializable

    Permalink
  19. case class BingMediaSize(height: Int, width: Int) extends Product with Serializable

    Permalink
  20. case class BingPivot(pivot: String, suggestions: Seq[BingQuery]) extends Product with Serializable

    Permalink
  21. case class BingQuery(displayText: String, searchLink: String, text: String, thumbnail: BingThumbnail, webSearchUrl: String) extends Product with Serializable

    Permalink
  22. case class BingThumbnail(thumbnailUrl: String) extends Product with Serializable

    Permalink
  23. class Blur extends ImageTransformerStage

    Permalink

    Blurs the image using a box filter.

    Blurs the image using a box filter. The params are a map of the dimensions of the blurring box. Please refer to OpenCV for more information.

  24. class BrainScriptBuilder extends AnyRef

    Permalink

    Utility methods for manipulating the BrainScript and overrides configs output to disk.

  25. case class BrainScriptConfig(name: String, text: Seq[String]) extends Product with Serializable

    Permalink
  26. class CNTKCommandBuilder extends CNTKCommandBuilderBase

    Permalink
  27. abstract class CNTKCommandBuilderBase extends AnyRef

    Permalink
  28. class CNTKConfig extends MMLConfig

    Permalink
  29. class CNTKFunctionParam extends ComplexParam[SerializableFunction]

    Permalink

    Param for ByteArray.

    Param for ByteArray. Needed as spark has explicit params for many different types but not ByteArray.

  30. class CNTKLearner extends Estimator[CNTKModel] with CNTKParams with Wrappable

    Permalink
    Annotations
    @InternalWrapper()
  31. class CNTKModel extends Model[CNTKModel] with ComplexParamsWritable with HasMiniBatcher with Wrappable

    Permalink
    Annotations
    @InternalWrapper()
  32. trait CNTKParams extends Params

    Permalink
  33. class Cacher extends Transformer with Wrappable with DefaultParamsWritable

    Permalink
  34. class CheckpointData extends Transformer with CheckpointDataParams

    Permalink

    Cache the dataset at this point to memory or memory and disk

  35. trait CheckpointDataParams extends Wrappable with DefaultParamsWritable

    Permalink
  36. class ClassBalancer extends Estimator[ClassBalancerModel] with DefaultParamsWritable with HasInputCol with HasOutputCol

    Permalink

    An estimator that calculates the weights for balancing a dataset.

    An estimator that calculates the weights for balancing a dataset. For example, if the negative class is half the size of the positive class, the weights will be 2 for rows with negative classes and 1 for rows with positive classes. these weights can be used in weighted classifiers and regressors to correct for heavilty skewed datasets. The inputCol should be the labels of the classes, and the output col will be the requisite weights.

  37. class ClassBalancerModel extends Model[ClassBalancerModel] with ConstructorWritable[ClassBalancerModel]

    Permalink
  38. case class ClassifierTrainParams(parallelism: String, numIterations: Int, learningRate: Double, numLeaves: Int, maxBin: Int, baggingFraction: Double, baggingFreq: Int, baggingSeed: Int, earlyStoppingRound: Int, featureFraction: Double, maxDepth: Int, minSumHessianInLeaf: Double, numMachines: Int, objective: String, modelString: Option[String], isUnbalance: Boolean, verbosity: Int, categoricalFeatures: Array[Int], numClass: Int, metric: String, boostFromAverage: Boolean, boostingType: String, lambdaL1: Double, lambdaL2: Double) extends TrainParams with Product with Serializable

    Permalink

    Defines the Booster parameters passed to the LightGBM classifier.

  39. class CleanMissingData extends Estimator[CleanMissingDataModel] with HasInputCols with HasOutputCols with Wrappable with DefaultParamsWritable

    Permalink

    Removes missing values from input dataset.

    Removes missing values from input dataset. The following modes are supported: Mean - replaces missings with mean of fit column Median - replaces missings with approximate median of fit column Custom - replaces missings with custom value specified by user For mean and median modes, only numeric column types are supported, specifically: Int, Long, Float, Double For custom mode, the types above are supported and additionally: String, Boolean

  40. class CleanMissingDataModel extends Model[CleanMissingDataModel] with ConstructorWritable[CleanMissingDataModel]

    Permalink

    Model produced by CleanMissingData.

  41. class Cluster extends AnyRef

    Permalink
  42. abstract class CognitiveServicesBase extends CognitiveServicesBaseWithoutHandler with HasHandler

    Permalink
  43. abstract class CognitiveServicesBaseWithoutHandler extends Transformer with HTTPParams with HasOutputCol with HasURL with ComplexParamsWritable with HasSubscriptionKey with HasErrorCol

    Permalink
  44. class ColorFormat extends ImageTransformerStage

    Permalink

    Converts an image from one color space to another, eg COLOR_BGR2GRAY.

    Converts an image from one color space to another, eg COLOR_BGR2GRAY. Refer to OpenCV for more information.

  45. class ColumnNamesToFeaturize extends Serializable

    Permalink

    Class containing the list of column names to perform special featurization steps for.

    Class containing the list of column names to perform special featurization steps for. colNamesToHash - List of column names to hash. colNamesToDuplicateForMissings - List of column names containing doubles to duplicate so we can remove missing values from them. colNamesToTypes - Map of column names to their types. colNamesToCleanMissings - List of column names to clean missing values from (ignore). colNamesToVectorize - List of column names to vectorize using FastVectorAssembler. categoricalColumns - List of categorical columns to pass through or turn into indicator array. conversionColumnNamesMap - Map from old column names to new. addedColumnNamesMap - Map from old columns to newly generated columns for featurization.

    Annotations
    @SerialVersionUID()
  46. class ComputeModelStatistics extends Transformer with ComputeModelStatisticsParams

    Permalink

    Evaluates the given scored dataset.

  47. trait ComputeModelStatisticsParams extends Wrappable with DefaultParamsWritable with HasLabelCol with HasScoresCol with HasScoredLabelsCol with HasEvaluationMetric

    Permalink
  48. class ComputePerInstanceStatistics extends Transformer with ComputePerInstanceStatisticsParams

    Permalink

    Evaluates the given scored dataset with per instance metrics.

    Evaluates the given scored dataset with per instance metrics.

    The Regression metrics are: - L1_loss - L2_loss

    The Classification metrics are: - log_loss

  49. trait ComputePerInstanceStatisticsParams extends Wrappable with DefaultParamsWritable with HasLabelCol with HasScoresCol with HasScoredLabelsCol with HasScoredProbabilitiesCol with HasEvaluationMetric

    Permalink
  50. abstract class Configuration extends AnyRef

    Permalink
  51. class Consolidator[T] extends AnyRef

    Permalink
  52. trait ConstructorReadable[T <: ConstructorWritable[_]] extends MLReadable[T]

    Permalink
  53. class ConstructorReader[T] extends MLReader[T]

    Permalink
  54. trait ConstructorWritable[S <: PipelineStage] extends MLWritable

    Permalink

    This trait allows you to easily add serialization to your Spark Models, assuming that they are completely parameterized by their constructor.

    This trait allows you to easily add serialization to your Spark Models, assuming that they are completely parameterized by their constructor. The main two fields required ate the TypeTag that allows the writer to inspect the constructor to get the types that need to be serialized, the actual objects that are serialized need to be defined in the field objectsToSave.

  55. abstract class ConstructorWriter[S <: PipelineStage] extends MLWriter

    Permalink
  56. class ContextObjectInputStream extends ObjectInputStream

    Permalink
  57. class CropImage extends ImageTransformerStage

    Permalink

    Crops the image for processing.

    Crops the image for processing. The parameters are: "x" - First dimension; start of crop "y" - second dimension - start of crop "height" -height of cropped image "width" - width of cropped image "stageName" - "crop"

  58. class CustomInputParser extends HTTPInputParser with ComplexParamsWritable

    Permalink
  59. class CustomOutputParser extends HTTPOutputParser with ComplexParamsWritable

    Permalink
  60. class DataConversion extends Transformer with Wrappable with DefaultParamsWritable

    Permalink

    Converts the specified list of columns to the specified type.

    Converts the specified list of columns to the specified type. Returns a new DataFrame with the converted columns

  61. trait DataFrameEquality extends TestBase

    Permalink
  62. case class DataFrameReaderExtensions2(dsr: DataFrameReader) extends Product with Serializable

    Permalink
  63. case class DataFrameServingExtensions(df: DataFrame) extends Product with Serializable

    Permalink
  64. class DataFrameSugars extends AnyRef

    Permalink
  65. case class DataFrameWriterExtensions2[T](dsw: DataFrameWriter[T]) extends Product with Serializable

    Permalink
  66. case class DataStreamReaderExtensions(dsr: DataStreamReader) extends Product with Serializable

    Permalink
  67. case class DataStreamReaderExtensions2(dsr: DataStreamReader) extends Product with Serializable

    Permalink
  68. case class DataStreamWriterExtensions[T](dsw: DataStreamWriter[T]) extends Product with Serializable

    Permalink
  69. case class DataStreamWriterExtensions2[T](dsw: DataStreamWriter[T]) extends Product with Serializable

    Permalink
  70. abstract class DataWriter extends AnyRef

    Permalink
  71. case class DatasetMissingValuesGenerationOptions(percentMissing: Double, columnTypesWithMissings: ColumnOptions.ValueSet, dataTypesWithMissings: DataOptions.ValueSet) extends Product with Serializable

    Permalink
  72. case class DatasetOptions(columnTypes: ColumnOptions.ValueSet, dataTypes: DataOptions.ValueSet, missingValuesOptions: DatasetMissingValuesGenerationOptions) extends Product with Serializable

    Permalink

    Options used to specify how a dataset will be generated.

    Options used to specify how a dataset will be generated. This contains information on what the data and column types (specified as flags) for generating a dataset will be limited to. It also contain options for all possible missing values generation and options for how values will be generated.

  73. class DescribeImage extends CognitiveServicesBase with HasCognitiveServiceInput with HasImageInput with HasInternalJsonOutputParser

    Permalink
  74. case class DetectEntitiesScore(id: String, entities: Seq[Entity]) extends Product with Serializable

    Permalink
  75. class DetectFace extends CognitiveServicesBase with HasImageUrl with HasServiceParams with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  76. case class DetectLanguageScore(id: String, detectedLanguages: Seq[DetectedLanguage]) extends Product with Serializable

    Permalink
  77. case class DetectedLanguage(name: String, iso6391Name: String, score: Double) extends Product with Serializable

    Permalink
  78. class DiscreteHyperParam[T] extends Dist[T]

    Permalink
  79. abstract class Dist[T] extends AnyRef

    Permalink

    Represents a distribution of values.

    Represents a distribution of values.

    T

    The type T of the values generated.

  80. class DoubleRangeHyperParam extends RangeHyperParam[Double]

    Permalink
  81. class DropColumns extends Transformer with Wrappable with DefaultParamsWritable

    Permalink

    DropColumns takes a dataframe and a list of columns to drop as input and returns a dataframe comprised of only those columns not listed in the input list.

    DropColumns takes a dataframe and a list of columns to drop as input and returns a dataframe comprised of only those columns not listed in the input list.

  82. class DynamicBufferedBatcher[T] extends Iterator[List[T]]

    Permalink
  83. class DynamicMiniBatchTransformer extends Transformer with MiniBatchBase

    Permalink
  84. class EnsembleByKey extends Transformer with Wrappable with DefaultParamsWritable

    Permalink
  85. case class Entity(name: String, matches: Seq[Match], wikipediaLanguage: String, wikipediaId: String, wikipediaUrl: String, bingId: String) extends Product with Serializable

    Permalink
  86. case class EntityData(content: Array[Byte], contentEncoding: Option[HeaderData], contentLength: Option[Long], contentType: Option[HeaderData], isChunked: Boolean, isRepeatable: Boolean, isStreaming: Boolean) extends Product with Serializable

    Permalink
  87. class EntityDetector extends TextAnalyticsBase

    Permalink
  88. class Explode extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink
  89. class Featurize extends Estimator[PipelineModel] with Wrappable with DefaultParamsWritable

    Permalink

    Featurizes a dataset.

    Featurizes a dataset. Converts the specified columns to feature columns.

  90. case class Field(name: String, type: String, searchable: Boolean, filterable: Boolean, sortable: Boolean, facetable: Boolean, key: Boolean, retrievable: Boolean, analyzer: Option[String], searchAnalyzer: Option[String], indexAnalyzer: Option[String], synonymMaps: Option[String]) extends Product with Serializable

    Permalink
  91. class FindBestModel extends Estimator[BestModel] with FindBestModelParams

    Permalink

    Evaluates and chooses the best model from a list of models.

    Evaluates and chooses the best model from a list of models.

    Annotations
    @InternalWrapper()
  92. trait FindBestModelParams extends Wrappable with ComplexParamsWritable with HasEvaluationMetric

    Permalink
  93. class FindSimilarFace extends CognitiveServicesBase with HasServiceParams with HasMaxNumOfCandidatesReturned with HasFaceIds with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  94. class FixedBatcher[T] extends Iterator[List[T]]

    Permalink
  95. class FixedBufferedBatcher[T] extends Iterator[List[T]]

    Permalink
  96. class FixedMiniBatchTransformer extends Transformer with MiniBatchBase with HasBatchSize

    Permalink
  97. class FlattenBatch extends Transformer with Wrappable with DefaultParamsWritable

    Permalink
  98. class Flip extends ImageTransformerStage

    Permalink

    Flips the image

  99. class FloatRangeHyperParam extends RangeHyperParam[Float]

    Permalink
  100. class GaussianKernel extends ImageTransformerStage

    Permalink

    Applies gaussian kernel to blur the image.

    Applies gaussian kernel to blur the image. Please refer to OpenCV for detailed information about the parameters and their allowable values.

  101. class GenerateDataType extends Serializable

    Permalink

    Generates the specified random data type.

  102. class GenerateThumbnails extends CognitiveServicesBase with HasImageInput with HasWidth with HasHeight with HasSmartCropping with HasInternalJsonOutputParser with HasCognitiveServiceInput

    Permalink
  103. class GridSpace extends ParamSpace

    Permalink

    Represents a parameter grid for tuning with discrete values.

    Represents a parameter grid for tuning with discrete values. Can be generated with the ParamGridBuilder.

  104. class GroupFaces extends CognitiveServicesBase with HasServiceParams with HasFaceIds with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  105. abstract class HTTPInputParser extends Transformer with HasOutputCol with HasInputCol

    Permalink
  106. abstract class HTTPOutputParser extends Transformer with HasInputCol with HasOutputCol

    Permalink
  107. trait HTTPParams extends Wrappable

    Permalink
  108. case class HTTPRequestData(requestLine: RequestLineData, headers: Array[HeaderData], entity: Option[EntityData]) extends Product with Serializable

    Permalink
  109. case class HTTPResponseData(headers: Array[HeaderData], entity: Option[EntityData], statusLine: StatusLineData, locale: String) extends Product with Serializable

    Permalink
  110. class HTTPTransformer extends Transformer with HTTPParams with HasInputCol with HasOutputCol with HasHandler with ComplexParamsWritable

    Permalink
  111. trait Handler extends AnyRef

    Permalink
  112. trait HasActionCol extends HasServiceParams

    Permalink
  113. trait HasBatchSize extends Params

    Permalink
  114. trait HasCellSize extends Params

    Permalink
  115. trait HasCognitiveServiceInput extends HasURL with HasSubscriptionKey

    Permalink
  116. trait HasDatasetGenerationConstraints extends AnyRef

    Permalink

    Specifies the trait for constraints on generating a dataset.

  117. trait HasDetectOrientation extends HasServiceParams

    Permalink
  118. trait HasErrorCol extends Params

    Permalink
  119. trait HasEvaluationMetric extends Wrappable

    Permalink
  120. trait HasFaceIds extends HasServiceParams

    Permalink
  121. trait HasFeaturesCol extends Wrappable

    Permalink
  122. trait HasHandler extends Params

    Permalink
  123. trait HasHeight extends HasServiceParams

    Permalink
  124. trait HasImageBytes extends HasServiceParams

    Permalink
  125. trait HasImageInput extends HasImageUrl with HasImageBytes with HasCognitiveServiceInput

    Permalink
  126. trait HasImageUrl extends HasServiceParams

    Permalink
  127. trait HasIndexName extends HasServiceParams

    Permalink
  128. trait HasInputCol extends Wrappable

    Permalink
  129. trait HasInputCols extends Wrappable

    Permalink
  130. trait HasInternalJsonOutputParser extends AnyRef

    Permalink
  131. trait HasLabelCol extends Wrappable

    Permalink
  132. trait HasLanguage extends HasServiceParams

    Permalink
  133. trait HasMaxNumOfCandidatesReturned extends HasServiceParams

    Permalink
  134. trait HasMiniBatcher extends Params

    Permalink
  135. trait HasModifier extends Params

    Permalink
  136. trait HasOutputCol extends Wrappable

    Permalink
  137. trait HasOutputCols extends Wrappable

    Permalink
  138. trait HasScoredLabelsCol extends Wrappable

    Permalink
  139. trait HasScoredProbabilitiesCol extends Wrappable

    Permalink
  140. trait HasScoresCol extends Wrappable

    Permalink
  141. trait HasServiceName extends HasServiceParams

    Permalink
  142. trait HasServiceParams extends Params

    Permalink
  143. trait HasSmartCropping extends HasServiceParams

    Permalink
  144. trait HasSubscriptionKey extends HasServiceParams

    Permalink
  145. trait HasURL extends Wrappable

    Permalink
  146. trait HasValidationIndicatorCol extends Wrappable

    Permalink
  147. trait HasWeightCol extends Wrappable

    Permalink
  148. trait HasWidth extends HasServiceParams

    Permalink
  149. class HdfsWriter extends SingleFileResolver

    Permalink
  150. case class HeaderData(name: String, value: String) extends Product with Serializable

    Permalink
  151. class HyperparamBuilder extends AnyRef

    Permalink

    Specifies the search space for hyperparameters.

  152. class IdentifyFaces extends CognitiveServicesBase with HasServiceParams with HasMaxNumOfCandidatesReturned with HasFaceIds with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  153. class ImageFeaturizer extends Transformer with HasInputCol with HasOutputCol with Wrappable with ComplexParamsWritable

    Permalink

    The ImageFeaturizer relies on a CNTK model to do the featurization, one can set this model using the modelLocation parameter.

    The ImageFeaturizer relies on a CNTK model to do the featurization, one can set this model using the modelLocation parameter. To map the nodes of the CNTK model onto the standard "layers" structure of a feed forward neural net, one needs to supply a list of node names that range from the output node, back towards the input node of the CNTK Function. This list does not need to be exhaustive, and is provided to you if you use a model downloaded from the ModelDownloader, one can find this layer list in the schema of the downloaded model.

    The ImageFeaturizer takes an input column of images (the type returned by the ImageReader), and automatically resizes them to fit the CMTKModel's inputs. It then feeds them through a pre-trained CNTK model. One can truncate the model using the cutOutputLayers parameter that determines how many layers to truncate from the output of the network. For example, layer=0 means that no layers are removed, layer=2 means that the image featurizer returns the activations of the layer that is two layers from the output layer.

    Annotations
    @InternalWrapper()
  154. class ImageLIME extends Transformer with LIMEBase with Wrappable with HasModifier with HasCellSize

    Permalink

    Distributed implementation of Local Interpretable Model-Agnostic Explanations (LIME)

    Distributed implementation of Local Interpretable Model-Agnostic Explanations (LIME)

    https://arxiv.org/pdf/1602.04938v1.pdf

  155. class ImageSetAugmenter extends Transformer with HasInputCol with HasOutputCol with DefaultParamsWritable

    Permalink
  156. class ImageTransformer extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    Image processing stage.

    Image processing stage. Please refer to OpenCV for additional information

    Annotations
    @InternalWrapper()
  157. abstract class ImageTransformerStage extends Serializable

    Permalink

    Image processing stage.

  158. trait IndexLister extends AnyRef

    Permalink
  159. trait IndexParser extends AnyRef

    Permalink
  160. case class IndexSchema(name: String, fields: Seq[Field]) extends Product with Serializable

    Permalink
  161. class IndexToValue extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    This class takes in a categorical column with MML style attibutes and then transforms it back to the original values.

    This class takes in a categorical column with MML style attibutes and then transforms it back to the original values. This extends MLLIB IndexToString by allowing the transformation back to any types of values.

  162. case class InputData(format: String, path: String, shapes: Map[String, InputShape]) extends Product with Serializable

    Permalink
  163. case class InputShape(dim: Int, form: String) extends Product with Serializable

    Permalink
  164. class IntRangeHyperParam extends RangeHyperParam[Int]

    Permalink
  165. class InternalWrapper extends Annotation with StaticAnnotation

    Permalink

    Generate the internal wrapper for a given class.

    Generate the internal wrapper for a given class. Used for complicated wrappers, where the basic functionality is auto-generated, and the rest is added in the inherited wrapper.

  166. class JSONInputParser extends HTTPInputParser with HasURL with ComplexParamsWritable

    Permalink
  167. class JSONOutputParser extends HTTPOutputParser with ComplexParamsWritable

    Permalink
    Annotations
    @InternalWrapper()
  168. class KeyPhraseExtractor extends TextAnalyticsBase

    Permalink
  169. case class KeyPhraseScore(id: String, keyPhrases: Seq[String]) extends Product with Serializable

    Permalink
  170. trait LIMEBase extends LIMEParams with ComplexParamsWritable

    Permalink
  171. trait LIMEParams extends HasInputCol with HasOutputCol with HasPredictionCol

    Permalink
  172. class Lambda extends Transformer with Wrappable with ComplexParamsWritable

    Permalink
  173. class LanguageDetector extends TextAnalyticsBase

    Permalink
  174. trait LightGBMBase[TrainedModel <: Model[TrainedModel]] extends Estimator[TrainedModel] with LightGBMParams with org.apache.spark.ml.param.shared.HasFeaturesCol with org.apache.spark.ml.param.shared.HasLabelCol

    Permalink
  175. class LightGBMBooster extends Serializable

    Permalink

    Represents a LightGBM Booster learner

    Represents a LightGBM Booster learner

    Annotations
    @SerialVersionUID()
  176. class LightGBMClassificationModel extends ProbabilisticClassificationModel[Vector, LightGBMClassificationModel] with ConstructorWritable[LightGBMClassificationModel]

    Permalink

    Model produced by LightGBMClassifier.

    Model produced by LightGBMClassifier.

    Annotations
    @InternalWrapper()
  177. class LightGBMClassifier extends ProbabilisticClassifier[Vector, LightGBMClassifier, LightGBMClassificationModel] with LightGBMBase[LightGBMClassificationModel]

    Permalink

    Trains a LightGBM Binary Classification model, a fast, distributed, high performance gradient boosting framework based on decision tree algorithms.

    Trains a LightGBM Binary Classification model, a fast, distributed, high performance gradient boosting framework based on decision tree algorithms. For more information please see here: https://github.com/Microsoft/LightGBM. For parameter information see here: https://github.com/Microsoft/LightGBM/blob/master/docs/Parameters.rst

    Annotations
    @InternalWrapper()
  178. trait LightGBMParams extends Wrappable with DefaultParamsWritable with HasWeightCol with HasValidationIndicatorCol

    Permalink

    Defines common parameters across all LightGBM learners.

  179. class LightGBMRegressionModel extends RegressionModel[Vector, LightGBMRegressionModel] with ConstructorWritable[LightGBMRegressionModel]

    Permalink

    Model produced by LightGBMRegressor.

    Model produced by LightGBMRegressor.

    Annotations
    @InternalWrapper()
  180. class LightGBMRegressor extends BaseRegressor[Vector, LightGBMRegressor, LightGBMRegressionModel] with LightGBMBase[LightGBMRegressionModel]

    Permalink

    Trains a LightGBM Regression model, a fast, distributed, high performance gradient boosting framework based on decision tree algorithms.

    Trains a LightGBM Regression model, a fast, distributed, high performance gradient boosting framework based on decision tree algorithms. For more information please see here: https://github.com/Microsoft/LightGBM. For parameter information see here: https://github.com/Microsoft/LightGBM/blob/master/docs/Parameters.rst Note: The application parameter supports the following values:

    • regression_l2, L2 loss, alias=regression, mean_squared_error, mse, l2_root, root_mean_squared_error, rmse
    • regression_l1, L1 loss, alias=mean_absolute_error, mae
    • huber, Huber loss
    • fair, Fair loss
    • poisson, Poisson regression
    • quantile, Quantile regression
    • mape, MAPE loss, alias=mean_absolute_percentage_error
    • gamma, Gamma regression with log-link. It might be useful, e.g., for modeling insurance claims severity, or for any target that might be gamma-distributed
    • tweedie, Tweedie regression with log-link. It might be useful, e.g., for modeling total loss in insurance, or for any target that might be tweedie-distributed
    Annotations
    @InternalWrapper()
  181. trait LinuxOnly extends TestBase

    Permalink
  182. class LocalNER extends TextAnalyticsBase

    Permalink
  183. case class LocalNEREntity(value: String, startIndex: Int, precision: Double, category: String) extends Product with Serializable

    Permalink
  184. case class LocalNERScore(id: String, entities: Seq[LocalNEREntity]) extends Product with Serializable

    Permalink
  185. class LocalWriter extends SingleFileResolver

    Permalink
  186. class LongRangeHyperParam extends RangeHyperParam[Long]

    Permalink
  187. class MMLConfig extends Configuration

    Permalink
  188. class MPICommandBuilder extends CNTKCommandBuilderBase with MPIConfiguration

    Permalink
  189. trait MPIConfiguration extends AnyRef

    Permalink
  190. case class Match(text: String, offset: Int, length: Int) extends Product with Serializable

    Permalink
  191. class MetricsLogger extends AnyRef

    Permalink

    Helper class for logging metrics to log4j.

  192. trait MiniBatchBase extends Transformer with DefaultParamsWritable with Wrappable

    Permalink
  193. trait Mode extends HasRecommenderCols

    Permalink
  194. class ModelDownloader extends Client

    Permalink

    Class for downloading models from a server to Local or HDFS

  195. class ModelNotFoundException extends FileNotFoundException

    Permalink

    Exception returned if a repo cannot find the file

  196. case class ModelSchema(name: String, dataset: String, modelType: String, uri: URI, hash: String, size: Long, inputNode: Int, numLayers: Int, layerNames: Array[String]) extends Schema with Product with Serializable

    Permalink

    Class representing the schema of a CNTK model

    Class representing the schema of a CNTK model

    name

    name of the model architecture

    dataset

    dataset the model was trained on

    modelType

    type of problem the model is suited for eg: (image, text, sound, sentiment etc)

    uri

    location of the underlying file (local, HDFS, or HTTP)

    hash

    sha256 hash of the underlying file

    size

    size in bytes of the underlying file

    inputNode

    the node which represents the input

    numLayers

    the number of layers of the model

    layerNames

    the names nodes that represent layers in the network

  197. class MultiColumnAdapter extends Estimator[PipelineModel] with Wrappable with ComplexParamsWritable

    Permalink

    The MultiColumnAdapter takes a unary pipeline stage and a list of input output column pairs and applies the pipeline stage to each input column after being fit

    The MultiColumnAdapter takes a unary pipeline stage and a list of input output column pairs and applies the pipeline stage to each input column after being fit

  198. class MultiNGram extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    Extracts several ngrams

  199. class MultiVectorAssembler extends VectorAssembler

    Permalink
  200. class NER extends TextAnalyticsBase

    Permalink
  201. case class NERDoc(id: String, entities: Seq[NEREntity]) extends Product with Serializable

    Permalink
  202. case class NEREntity(name: String, matches: Seq[NERMatch], type: Option[String], subtype: Option[String], wikipediaLanguage: Option[String], wikipediaId: Option[String], wikipediaUrl: Option[String], bingId: Option[String]) extends Product with Serializable

    Permalink
  203. case class NERMatch(text: String, offset: Int, length: Int) extends Product with Serializable

    Permalink
  204. class NativeLoader extends Serializable

    Permalink
  205. case class NetworkParams(defaultListenPort: Int, addr: String, port: Int) extends Product with Serializable

    Permalink
  206. class NullOrdering[T] extends Ordering[T]

    Permalink
  207. class OCR extends CognitiveServicesBase with HasLanguage with HasImageInput with HasDetectOrientation with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  208. class PageSplitter extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    Splits text into chunks of at most n characters

  209. class PartitionConsolidator extends Transformer with HTTPParams with HasInputCol with HasOutputCol with ComplexParamsWritable

    Permalink
  210. sealed class PartitionSample extends Transformer with PartitionSampleParams

    Permalink

  211. trait PartitionSampleParams extends Wrappable with DefaultParamsWritable

    Permalink
  212. case class ProtocolVersionData(protocol: String, major: Int, minor: Int) extends Product with Serializable

    Permalink
  213. class RandomDatasetGenerationConstraints extends HasDatasetGenerationConstraints

    Permalink

    Contraints on generating a dataset where all parameters are randomly generated.

  214. abstract class RandomMMLGenerator[T] extends RandomDataGenerator[T]

    Permalink

    Base abstract class for random generation of data.

    Base abstract class for random generation of data.

    T

    The data to generate.

  215. class RandomRowGenerator extends RandomMMLGenerator[Row]

    Permalink

    Randomly generates a row given the set space of data, column options.

  216. class RandomRowGeneratorCombiner extends RandomMMLGenerator[Row]

    Permalink

    Combines an array of row generators into a single row generator.

  217. class RandomSpace extends ParamSpace

    Permalink

    Represents a generator of parameters with specified distributions added by the HyperparamBuilder.

  218. abstract class RangeHyperParam[T] extends Dist[T]

    Permalink
  219. class RankingAdapter extends Estimator[RankingAdapterModel] with ComplexParamsWritable with RankingParams with Mode

    Permalink
  220. class RankingAdapterModel extends Model[RankingAdapterModel] with ComplexParamsWritable with Wrappable with RankingParams with Mode

    Permalink

    Model from train validation split.

  221. class RankingEvaluator extends Evaluator with RecEvaluatorParams with HasRecommenderCols with ComplexParamsWritable

    Permalink
  222. trait RankingParams extends HasRecommenderCols with HasLabelCol with hasK

    Permalink
  223. class RankingTrainValidationSplit extends Estimator[RankingTrainValidationSplitModel] with RankingTrainValidationSplitParams with Wrappable with ComplexParamsWritable with RecommendationParams

    Permalink
    Annotations
    @InternalWrapper()
  224. class RankingTrainValidationSplitModel extends Model[RankingTrainValidationSplitModel] with Wrappable with ComplexParamsWritable

    Permalink
    Annotations
    @InternalWrapper()
  225. class RecognizeDomainSpecificContent extends CognitiveServicesBase with HasImageInput with HasServiceParams with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  226. class RecognizeText extends CognitiveServicesBaseWithoutHandler with HasImageInput with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  227. class RecommendationIndexer extends Estimator[RecommendationIndexerModel] with RecommendationIndexerBase

    Permalink
  228. trait RecommendationIndexerBase extends Params with ComplexParamsWritable

    Permalink
  229. class RecommendationIndexerModel extends Model[RecommendationIndexerModel] with RecommendationIndexerBase with Wrappable

    Permalink
  230. case class RegressorTrainParams(parallelism: String, numIterations: Int, learningRate: Double, numLeaves: Int, objective: String, alpha: Double, tweedieVariancePower: Double, maxBin: Int, baggingFraction: Double, baggingFreq: Int, baggingSeed: Int, earlyStoppingRound: Int, featureFraction: Double, maxDepth: Int, minSumHessianInLeaf: Double, numMachines: Int, modelString: Option[String], verbosity: Int, categoricalFeatures: Array[Int], boostFromAverage: Boolean, boostingType: String, lambdaL1: Double, lambdaL2: Double) extends TrainParams with Product with Serializable

    Permalink

    Defines the Booster parameters passed to the LightGBM regressor.

  231. class RenameColumn extends Transformer with Wrappable with DefaultParamsWritable with HasInputCol with HasOutputCol

    Permalink

    RenameColumn takes a dataframe with an input and an output column name and returns a dataframe comprised of the original columns with the input column renamed as the output column name.

    RenameColumn takes a dataframe with an input and an output column name and returns a dataframe comprised of the original columns with the input column renamed as the output column name.

  232. class Repartition extends Transformer with Wrappable with DefaultParamsWritable

    Permalink

    Partitions the dataset into n partitions

  233. case class RequestLineData(method: String, uri: String, protoclVersion: Option[ProtocolVersionData]) extends Product with Serializable

    Permalink
  234. class ResizeImage extends ImageTransformerStage

    Permalink

    Resizes the image.

    Resizes the image. The parameters of the ParameterMap are: "height" - the height of the image "width" "stageName" Please refer to OpenCV for more information

  235. class ResizeImageTransformer extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink
    Annotations
    @InternalWrapper()
  236. class SAR extends Estimator[SARModel] with SARParams with DefaultParamsWritable

    Permalink

    Smart Adaptive Recommendations (SAR) Algorithm

    Smart Adaptive Recommendations (SAR) Algorithm

    https://aka.ms/reco-sar

    SAR is a fast scalable adaptive algorithm for personalized recommendations based on user transactions history and items description. It produces easily explainable / interpretable recommendations

    SAR has been show to provide higher ranking measurements when compared to ALS. https://github.com/Microsoft/Recommenders

    Annotations
    @InternalWrapper()
  237. class SARModel extends Model[SARModel] with BaseRecommendationModel with Wrappable with SARParams with ComplexParamsWritable

    Permalink

    SAR Model

    SAR Model

    Annotations
    @InternalWrapper()
  238. trait SARParams extends Wrappable with RecommendationParams

    Permalink
  239. abstract class Schema extends AnyRef

    Permalink

    Abstract representation of a schema for an item that can be held in a repository

  240. class SelectColumns extends Transformer with Wrappable with DefaultParamsWritable

    Permalink

    SelectColumns takes a dataframe and a list of columns to select as input and returns a dataframe comprised of only those columns listed in the input list.

    SelectColumns takes a dataframe and a list of columns to select as input and returns a dataframe comprised of only those columns listed in the input list.

    The columns to be selected is a list of column names

  241. case class SentimentScore(id: String, score: Float) extends Product with Serializable

    Permalink
  242. class SharedSingleton[T] extends Serializable

    Permalink

    Holds a variable shared among all workers that behaves like a local singleton.

    Holds a variable shared among all workers that behaves like a local singleton. Useful to use non-serializable objects in Spark closures that maintain state across tasks.

  243. class SharedVariable[T] extends Serializable

    Permalink

    Holds a variable shared among all workers.

    Holds a variable shared among all workers. Useful to use non-serializable objects in Spark closures.

    Note this code has been borrowed from: https://www.nicolaferraro.me/2016/02/22/using-non-serializable-objects-in-apache-spark/

  244. class SimpleHTTPTransformer extends Transformer with HTTPParams with HasMiniBatcher with HasHandler with HasInputCol with HasOutputCol with ComplexParamsWritable with HasErrorCol

    Permalink
    Annotations
    @InternalWrapper()
  245. abstract class SingleFileResolver extends DataWriter

    Permalink
  246. class SingleThreadedHTTPClient extends HTTPClient with SingleThreadedClient

    Permalink
  247. abstract class SingleTypeReducer extends Transformer with TypeConversion

    Permalink
  248. class SingleVectorAssembler extends VectorAssembler

    Permalink
  249. case class StatusLineData(protocolVersion: ProtocolVersionData, statusCode: Int, reasonPhrase: String) extends Product with Serializable

    Permalink
  250. class StringOutputParser extends HTTPOutputParser with ComplexParamsWritable

    Permalink
  251. class SummarizeData extends Transformer with SummarizeDataParams

    Permalink

    Compute summary statistics for the dataset.

    Compute summary statistics for the dataset. The following statistics are computed: - counts - basic - sample - percentiles - errorThreshold - error threshold for quantiles

  252. trait SummarizeDataParams extends Wrappable with DefaultParamsWritable

    Permalink
  253. class Superpixel extends org.apache.spark.internal.Logging

    Permalink
  254. case class SuperpixelData(clusters: Seq[Seq[(Int, Int)]]) extends Product with Serializable

    Permalink
  255. class SuperpixelTransformer extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable with HasCellSize with HasModifier

    Permalink

    A transformer that decomposes an image into it's superpixels

  256. case class TADocument(language: Option[String], id: String, text: String) extends Product with Serializable

    Permalink
  257. case class TAError(id: String, message: String) extends Product with Serializable

    Permalink
  258. case class TARequest(documents: Seq[TADocument]) extends Product with Serializable

    Permalink
  259. case class TAResponse[T](documents: Seq[T], errors: Option[Seq[TAError]]) extends Product with Serializable

    Permalink
  260. class TLCConfig extends MMLConfig

    Permalink
  261. class TabularLIME extends Estimator[TabularLIMEModel] with LIMEParams with Wrappable with ComplexParamsWritable

    Permalink
  262. class TabularLIMEModel extends Model[TabularLIMEModel] with LIMEBase with Wrappable

    Permalink
  263. class TagImage extends CognitiveServicesBase with HasImageInput with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  264. abstract class TestBase extends FunSuite with BeforeAndAfterEachTestData with BeforeAndAfterAll

    Permalink
  265. abstract class TextAnalyticsBase extends CognitiveServicesBase with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  266. class TextFeaturizer extends Estimator[TextFeaturizerModel] with TextFeaturizerParams with HasInputCol with HasOutputCol

    Permalink

    Featurize text.

  267. class TextFeaturizerModel extends Model[TextFeaturizerModel] with ConstructorWritable[TextFeaturizerModel]

    Permalink
  268. trait TextFeaturizerParams extends Wrappable with DefaultParamsWritable

    Permalink
  269. class TextPreprocessor extends Transformer with HasInputCol with HasOutputCol with Wrappable with ComplexParamsWritable

    Permalink

    TextPreprocessor takes a dataframe and a dictionary that maps (text -> replacement text), scans each cell in the input col and replaces all substring matches with the corresponding value.

    TextPreprocessor takes a dataframe and a dictionary that maps (text -> replacement text), scans each cell in the input col and replaces all substring matches with the corresponding value. Priority is given to longer keys and from left to right.

  270. class TextSentiment extends TextAnalyticsBase

    Permalink
  271. class Threshold extends ImageTransformerStage

    Permalink

    Applies a threshold to each element of the image.

    Applies a threshold to each element of the image. Please refer to threshold for more information

  272. class TimeIntervalBatcher[T] extends Iterator[List[T]]

    Permalink
  273. class TimeIntervalMiniBatchTransformer extends Transformer with MiniBatchBase

    Permalink
  274. class Timer extends Estimator[TimerModel] with TimerParams with ComplexParamsWritable

    Permalink
  275. class TimerModel extends Model[TimerModel] with TimerParams with ConstructorWritable[TimerModel]

    Permalink
  276. trait TimerParams extends Wrappable

    Permalink
  277. class TrainClassifier extends Estimator[TrainedClassifierModel] with AutoTrainer[TrainedClassifierModel]

    Permalink

    Trains a classification model.

    Trains a classification model. Featurizes the given data into a vector of doubles.

    Note the behavior of the reindex and labels parameters, the parameters interact as:

    reindex -> false labels -> false (Empty) Assume all double values, don't use metadata, assume natural ordering

    reindex -> true labels -> false (Empty) Index, use natural ordering of string indexer

    reindex -> false labels -> true (Specified) Assume user knows indexing, apply label values. Currently only string type supported.

    reindex -> true labels -> true (Specified) Validate labels matches column type, try to recast to label type, reindex label column

    The currently supported classifiers are: Logistic Regression Classifier Decision Tree Classifier Random Forest Classifier Gradient Boosted Trees Classifier Naive Bayes Classifier Multilayer Perceptron Classifier In addition to any generic learner that inherits from Predictor.

    Annotations
    @InternalWrapper()
  278. abstract class TrainParams extends Serializable

    Permalink

    Defines the common Booster parameters passed to the LightGBM learners.

  279. class TrainRegressor extends Estimator[TrainedRegressorModel] with AutoTrainer[TrainedRegressorModel]

    Permalink

    Trains a regression model.

    Trains a regression model.

    Annotations
    @InternalWrapper()
  280. class TrainedClassifierModel extends AutoTrainedModel[TrainedClassifierModel]

    Permalink

    Model produced by TrainClassifier.

    Model produced by TrainClassifier.

    Annotations
    @InternalWrapper()
  281. class TrainedRegressorModel extends AutoTrainedModel[TrainedRegressorModel]

    Permalink

    Model produced by TrainRegressor.

    Model produced by TrainRegressor.

    Annotations
    @InternalWrapper()
  282. class Trie extends Serializable

    Permalink
  283. class TuneHyperparameters extends Estimator[TuneHyperparametersModel] with Wrappable with ComplexParamsWritable with HasEvaluationMetric

    Permalink

    Tunes model hyperparameters

    Tunes model hyperparameters

    Allows user to specify multiple untrained models to tune using various search strategies. Currently supports cross validation with random grid search.

    Annotations
    @InternalWrapper()
  284. class TuneHyperparametersModel extends Model[TuneHyperparametersModel] with ConstructorWritable[TuneHyperparametersModel]

    Permalink

    Model produced by TuneHyperparameters.

    Model produced by TuneHyperparameters.

    Annotations
    @InternalWrapper()
  285. trait TypeConversion extends AnyRef

    Permalink
  286. class UDFTransformer extends Transformer with Wrappable with ComplexParamsWritable with HasInputCol with HasInputCols with HasOutputCol

    Permalink

    UDFTransformer takes as input input column, output column, and a UserDefinedFunction returns a dataframe comprised of the original columns with the output column as the result of the udf applied to the input column

    UDFTransformer takes as input input column, output column, and a UserDefinedFunction returns a dataframe comprised of the original columns with the output column as the result of the udf applied to the input column

    Annotations
    @InternalWrapper()
  287. class UnicodeNormalize extends Transformer with HasInputCol with HasOutputCol with Wrappable with ComplexParamsWritable

    Permalink

    UnicodeNormalize takes a dataframe and normalizes the unicode representation.

    UnicodeNormalize takes a dataframe and normalizes the unicode representation.

  288. class UnrollBinaryImage extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    Converts the representation of an m X n pixel image to an m * n vector of Doubles

    Converts the representation of an m X n pixel image to an m * n vector of Doubles

    The input column name is assumed to be "image", the output column name is "<uid>_output"

  289. class UnrollImage extends Transformer with HasInputCol with HasOutputCol with Wrappable with DefaultParamsWritable

    Permalink

    Converts the representation of an m X n pixel image to an m * n vector of Doubles

    Converts the representation of an m X n pixel image to an m * n vector of Doubles

    The input column name is assumed to be "image", the output column name is "<uid>_output"

  290. class ValueIndexer extends Estimator[ValueIndexerModel] with ValueIndexerParams

    Permalink

    Fits a dictionary of values from the input column.

    Fits a dictionary of values from the input column. Model then transforms a column to a categorical column of the given array of values. Similar to StringIndexer except it can be used on any value types.

  291. class ValueIndexerModel extends Model[ValueIndexerModel] with ValueIndexerParams with ComplexParamsWritable

    Permalink

    Model produced by ValueIndexer.

  292. trait ValueIndexerParams extends Wrappable with DefaultParamsWritable with HasInputCol with HasOutputCol

    Permalink
  293. abstract class VectorAssembler extends AnyRef

    Permalink
  294. class VerifyFaces extends CognitiveServicesBase with HasServiceParams with HasCognitiveServiceInput with HasInternalJsonOutputParser

    Permalink
  295. trait Wrappable extends Params

    Permalink

Value Members

  1. object AddDocuments extends ComplexParamsReadable[AddDocuments] with Serializable

    Permalink
  2. object AnalyzeImage extends ComplexParamsReadable[AnalyzeImage] with Serializable

    Permalink
  3. object AssembleFeatures extends DefaultParamsReadable[AssembleFeatures] with Serializable

    Permalink
  4. object AssembleFeaturesModel extends ConstructorReadable[AssembleFeaturesModel] with Serializable

    Permalink
  5. object AsyncUtils

    Permalink
  6. object AzureSearchWriter extends IndexParser with org.apache.spark.internal.Logging

    Permalink
  7. object Benchmark extends Serializable

    Permalink
  8. object BestModel extends ConstructorReadable[BestModel] with Serializable

    Permalink
  9. object Binary

    Permalink

    Implicit conversion allows sparkSession.readImages(...) syntax Example: import com.microsoft.ml.spark.Readers.implicits._ sparkSession.readImages(path, recursive = false)

  10. object BinaryFileReader

    Permalink
  11. object BingImage extends SparkBindings[BingImage]

    Permalink
  12. object BingImageSearch extends ComplexParamsReadable[BingImageSearch] with Serializable

    Permalink
  13. object BingImagesResponse extends SparkBindings[BingImagesResponse]

    Permalink
  14. object Blur extends Serializable

    Permalink
  15. object CNTKLearner extends DefaultParamsReadable[CNTKLearner] with Serializable

    Permalink
  16. object CNTKModel extends ComplexParamsReadable[CNTKModel] with Serializable

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

    Permalink
  18. object CastUtilities

    Permalink

    Utilities for casting values.

  19. object CheckpointData extends DefaultParamsReadable[CheckpointData] with Serializable

    Permalink

    Cache the dataset to memory or memory and disk.

  20. object ClassBalancer extends DefaultParamsReadable[ClassBalancer] with Serializable

    Permalink
  21. object ClassBalancerModel extends ConstructorReadable[ClassBalancerModel] with Serializable

    Permalink
  22. object CleanMissingData extends DefaultParamsReadable[CleanMissingData] with Serializable

    Permalink
  23. object CleanMissingDataModel extends ConstructorReadable[CleanMissingDataModel] with Serializable

    Permalink
  24. object CognitiveServiceUtils

    Permalink
  25. object ColorFormat extends Serializable

    Permalink
  26. object ColumnOptions extends Enumeration

    Permalink

    Specifies the column types supported in spark dataframes and modules.

  27. object ComputeModelStatistics extends DefaultParamsReadable[ComputeModelStatistics] with Serializable

    Permalink
  28. object ComputePerInstanceStatistics extends DefaultParamsReadable[ComputePerInstanceStatistics] with Serializable

    Permalink
  29. object ConversionUtils

    Permalink
  30. object CropImage extends Serializable

    Permalink
  31. object CustomInputParser extends ComplexParamsReadable[CustomInputParser] with Serializable

    Permalink
  32. object CustomOutputParser extends ComplexParamsReadable[CustomOutputParser] with Serializable

    Permalink
  33. object DataConversion extends DefaultParamsReadable[DataConversion] with Serializable

    Permalink

    DataConversion object.

  34. object DataOptions extends Enumeration

    Permalink

    Specifies the data types supported in spark dataframes and modules.

  35. object DataTransferUtils

    Permalink

    Utilities for reducing data to CNTK format and generating the text file output to disk.

  36. object DatasetOptions extends Serializable

    Permalink
  37. object DatasetUtils

    Permalink
  38. object DefaultHyperparams

    Permalink

    Provides good default hyperparameter ranges and values for sweeping.

    Provides good default hyperparameter ranges and values for sweeping. Publicly visible to users so they can easily select the parameters for sweeping.

  39. object DescribeImage extends ComplexParamsReadable[DescribeImage] with Serializable

    Permalink
  40. object DetectEntitiesResponse extends SparkBindings[TAResponse[DetectEntitiesScore]]

    Permalink
  41. object DetectFace extends ComplexParamsReadable[DetectFace] with Serializable

    Permalink
  42. object DetectLanguageResponse extends SparkBindings[TAResponse[DetectLanguageScore]]

    Permalink
  43. object DropColumns extends DefaultParamsReadable[DropColumns] with Serializable

    Permalink
  44. object DynamicMiniBatchTransformer extends DefaultParamsReadable[DynamicMiniBatchTransformer] with Serializable

    Permalink
  45. object EnsembleByKey extends DefaultParamsReadable[EnsembleByKey] with Serializable

    Permalink
  46. object EntityData extends SparkBindings[EntityData]

    Permalink
  47. object EntityDetector extends ComplexParamsReadable[EntityDetector] with Serializable

    Permalink
  48. object EnvironmentUtils

    Permalink
  49. object ErrorUtils extends Serializable

    Permalink
  50. object EvaluationUtils

    Permalink
  51. object Explode extends DefaultParamsReadable[Explode] with Serializable

    Permalink
  52. object FaceList

    Permalink
  53. object FaceListProtocol

    Permalink
  54. object FaceUtils

    Permalink
  55. object FaultToleranceUtils

    Permalink
  56. object Featurize extends DefaultParamsReadable[Featurize] with Serializable

    Permalink
  57. object FileUtilities

    Permalink
  58. object FindBestModel extends ComplexParamsReadable[FindBestModel] with Serializable

    Permalink
  59. object FindSimilarFace extends ComplexParamsReadable[FindSimilarFace] with Serializable

    Permalink
  60. object FixedMiniBatchTransformer extends DefaultParamsReadable[FixedMiniBatchTransformer] with Serializable

    Permalink
  61. object FlattenBatch extends DefaultParamsReadable[FlattenBatch] with Serializable

    Permalink
  62. object Flip extends Serializable

    Permalink
  63. object FluentAPI

    Permalink
  64. object GaussianKernel extends Serializable

    Permalink
  65. object GenerateDataset

    Permalink

    Defines methods to generate a random spark DataFrame dataset based on given options.

  66. object GenerateThumbnails extends ComplexParamsReadable[GenerateThumbnails] with Serializable

    Permalink
  67. object GroupFaces extends ComplexParamsReadable[GroupFaces] with Serializable

    Permalink
  68. object HTTPRequestData extends SparkBindings[HTTPRequestData]

    Permalink
  69. object HTTPResponseData extends SparkBindings[HTTPResponseData] with org.apache.spark.internal.Logging

    Permalink
  70. object HTTPSchema

    Permalink
  71. object HTTPTransformer extends ComplexParamsReadable[HTTPTransformer] with Serializable

    Permalink
  72. object HandlingUtils extends org.apache.spark.internal.Logging

    Permalink
  73. object HeaderData extends SparkBindings[HeaderData]

    Permalink
  74. object HyperParamUtils

    Permalink
  75. object IOImplicits

    Permalink
  76. object IdentifyFaces extends ComplexParamsReadable[IdentifyFaces] with Serializable

    Permalink
  77. object ImageFeaturizer extends ComplexParamsReadable[ImageFeaturizer] with Serializable

    Permalink
  78. object ImageLIME extends ComplexParamsReadable[ImageLIME] with Serializable

    Permalink
  79. object ImageSchemaUtils

    Permalink
  80. object ImageSetAugmenter extends DefaultParamsReadable[ImageSetAugmenter] with Serializable

    Permalink
  81. object ImageTransformer extends DefaultParamsReadable[ImageTransformer] with Serializable

    Permalink

    Pipelined image processing.

  82. object ImageUtils

    Permalink
  83. object IndexJsonProtocol extends DefaultJsonProtocol

    Permalink
  84. object IndexToValue extends DefaultParamsReadable[IndexToValue] with Serializable

    Permalink
  85. object JSONInputParser extends ComplexParamsReadable[JSONInputParser] with Serializable

    Permalink
  86. object JSONOutputParser extends ComplexParamsReadable[JSONOutputParser] with Serializable

    Permalink
  87. object JarLoadingUtils

    Permalink

    Contains logic for loading classes.

  88. object KeyPhraseExtractor extends ComplexParamsReadable[EntityDetector] with Serializable

    Permalink
  89. object KeyPhraseResponse extends SparkBindings[TAResponse[KeyPhraseScore]]

    Permalink
  90. object LIMEUtils extends org.apache.spark.internal.Logging

    Permalink
  91. object Lambda extends ComplexParamsReadable[Lambda] with Serializable

    Permalink
  92. object LanguageDetector extends ComplexParamsReadable[LanguageDetector] with Serializable

    Permalink
  93. object LassoUtils

    Permalink
  94. object LightGBMClassificationModel extends ConstructorReadable[LightGBMClassificationModel] with Serializable

    Permalink
  95. object LightGBMClassifier extends DefaultParamsReadable[LightGBMClassifier] with Serializable

    Permalink
  96. object LightGBMConstants

    Permalink
  97. object LightGBMRegressionModel extends ConstructorReadable[LightGBMRegressionModel] with Serializable

    Permalink
  98. object LightGBMRegressor extends DefaultParamsReadable[LightGBMRegressor] with Serializable

    Permalink
  99. object LightGBMUtils

    Permalink

    Helper utilities for LightGBM learners

  100. object LocalNER extends ComplexParamsReadable[LocalNER] with Serializable

    Permalink
  101. object LocalNERResponse extends SparkBindings[TAResponse[LocalNERScore]]

    Permalink
  102. object Logging

    Permalink
  103. object MMLConfig

    Permalink
  104. object MultiColumnAdapter extends ComplexParamsReadable[MultiColumnAdapter] with Serializable

    Permalink
  105. object MultiNGram extends DefaultParamsReadable[MultiNGram] with Serializable

    Permalink
  106. object MultiVectorAssembler

    Permalink
  107. object NER extends ComplexParamsReadable[NER] with Serializable

    Permalink
  108. object NERResponse extends SparkBindings[TAResponse[NERDoc]]

    Permalink
  109. object NullOrdering extends Serializable

    Permalink
  110. object OCR extends ComplexParamsReadable[OCR] with Serializable

    Permalink
  111. object OpenCVUtils

    Permalink
  112. object PSConstants

    Permalink

    Constants for PartitionSample.

    Constants for PartitionSample.

  113. object PageSplitter extends DefaultParamsReadable[PageSplitter] with Serializable

    Permalink
  114. object PartitionConsolidator extends DefaultParamsReadable[PartitionConsolidator] with Serializable

    Permalink
  115. object PartitionSample extends DefaultParamsReadable[PartitionSample] with Serializable

    Permalink
  116. object Person

    Permalink
  117. object PersonGroup

    Permalink
  118. object PersonGroupProtocol

    Permalink
  119. object PersonProtocol

    Permalink
  120. object PortForwarding

    Permalink
  121. object PowerBIWriter

    Permalink
  122. object ProcessUtils

    Permalink
  123. object ProtocolVersionData extends SparkBindings[ProtocolVersionData]

    Permalink
  124. object RESTHelpers

    Permalink
  125. object RankingAdapter extends ComplexParamsReadable[RankingAdapter] with Serializable

    Permalink
  126. object RankingAdapterModel extends ComplexParamsReadable[RankingAdapterModel] with Serializable

    Permalink
  127. object RankingEvaluator extends ComplexParamsReadable[RankingEvaluator] with Serializable

    Permalink
  128. object RankingTrainValidationSplit extends ComplexParamsReadable[RankingTrainValidationSplit] with Serializable

    Permalink
  129. object RankingTrainValidationSplitModel extends ComplexParamsReadable[RankingTrainValidationSplitModel] with Serializable

    Permalink
  130. object RecognizeDomainSpecificContent extends ComplexParamsReadable[RecognizeDomainSpecificContent] with Serializable

    Permalink
  131. object RecognizeText extends ComplexParamsReadable[RecognizeText] with Serializable

    Permalink
  132. object RecommendationIndexer extends ComplexParamsReadable[RecommendationIndexer] with Serializable

    Permalink
  133. object RecommendationIndexerModel extends ComplexParamsReadable[RecommendationIndexerModel] with Serializable

    Permalink
  134. object RenameColumn extends DefaultParamsReadable[RenameColumn] with Serializable

    Permalink
  135. object Repartition extends DefaultParamsReadable[Repartition] with Serializable

    Permalink
  136. object RequestLineData extends SparkBindings[RequestLineData]

    Permalink
  137. object ResizeImage extends Serializable

    Permalink

    Resize object contains the information for resizing; "height" "width" "stageName" = "resize"

  138. object ResizeImageTransformer extends DefaultParamsReadable[ResizeImageTransformer] with Serializable

    Permalink
  139. object ResizeUtils

    Permalink
  140. object SAR extends DefaultParamsReadable[SAR] with Serializable

    Permalink
  141. object SARModel extends ComplexParamsReadable[SARModel] with Serializable

    Permalink
  142. object SearchIndex extends IndexParser with IndexLister

    Permalink
  143. object SelectColumns extends DefaultParamsReadable[SelectColumns] with Serializable

    Permalink
  144. object SentimentResponse extends SparkBindings[TAResponse[SentimentScore]]

    Permalink
  145. object ServingImplicits

    Permalink
  146. object SharedSingleton extends Serializable

    Permalink
  147. object SharedVariable extends Serializable

    Permalink
  148. object SimpleHTTPTransformer extends ComplexParamsReadable[SimpleHTTPTransformer] with Serializable

    Permalink
  149. object SparkSessionFactory

    Permalink
  150. object StatusLineData extends SparkBindings[StatusLineData]

    Permalink
  151. object StreamUtilities

    Permalink
  152. object StringOutputParser extends ComplexParamsReadable[StringOutputParser] with Serializable

    Permalink
  153. object SummarizeData extends DefaultParamsReadable[SummarizeData] with Serializable

    Permalink
  154. object Superpixel

    Permalink

    Based on "Superpixel algorithm implemented in Java" at popscan.blogspot.com/2014/12/superpixel-algorithm-implemented-in-java.html

  155. object SuperpixelData extends Serializable

    Permalink
  156. object SuperpixelTransformer extends DefaultParamsReadable[SuperpixelTransformer] with Serializable

    Permalink
  157. object TADocument extends SparkBindings[TADocument]

    Permalink
  158. object TAError extends SparkBindings[TAError]

    Permalink
  159. object TAJSONFormat

    Permalink
  160. object TARequest extends SparkBindings[TARequest]

    Permalink
  161. object TabularLIME extends ComplexParamsReadable[TabularLIME] with Serializable

    Permalink
  162. object TabularLIMEModel extends ComplexParamsReadable[TabularLIMEModel] with Serializable

    Permalink
  163. object TagImage extends ComplexParamsReadable[TagImage] with Serializable

    Permalink
  164. object TestBase extends Serializable

    Permalink
  165. object TextAnalyticsUtils extends Serializable

    Permalink
  166. object TextFeaturizer extends DefaultParamsReadable[TextFeaturizer] with Serializable

    Permalink
  167. object TextFeaturizerModel extends ConstructorReadable[TextFeaturizerModel] with Serializable

    Permalink
  168. object TextPreprocessor extends ComplexParamsReadable[TextPreprocessor] with Serializable

    Permalink
  169. object TextSentiment extends ComplexParamsReadable[TextSentiment] with Serializable

    Permalink
  170. object Threshold extends Serializable

    Permalink
  171. object TimeIntervalMiniBatchTransformer extends DefaultParamsReadable[TimeIntervalMiniBatchTransformer] with Serializable

    Permalink
  172. object Timer extends ComplexParamsReadable[Timer] with Serializable

    Permalink
  173. object TimerModel extends ConstructorReadable[TimerModel] with Serializable

    Permalink
  174. object TrainClassifier extends ComplexParamsReadable[TrainClassifier] with Serializable

    Permalink
  175. object TrainRegressor extends ComplexParamsReadable[TrainRegressor] with Serializable

    Permalink
  176. object TrainedClassifierModel extends ConstructorReadable[TrainedClassifierModel] with Serializable

    Permalink
  177. object TrainedRegressorModel extends ConstructorReadable[TrainedRegressorModel] with Serializable

    Permalink
  178. object Trie extends Serializable

    Permalink
  179. object TuneHyperparameters extends ComplexParamsReadable[TuneHyperparameters] with Serializable

    Permalink
  180. object TuneHyperparametersModel extends ConstructorReadable[TuneHyperparametersModel] with Serializable

    Permalink
  181. object TypeMapping

    Permalink
  182. object UDFTransformer extends ComplexParamsReadable[UDFTransformer] with Serializable

    Permalink
  183. object URLEncodingUtils

    Permalink
  184. object UnicodeNormalize extends ComplexParamsReadable[UnicodeNormalize] with Serializable

    Permalink
  185. object UnrollBinaryImage extends DefaultParamsReadable[UnrollBinaryImage] with Serializable

    Permalink
  186. object UnrollImage extends DefaultParamsReadable[UnrollImage] with Serializable

    Permalink
  187. object ValueIndexer extends DefaultParamsReadable[ValueIndexer] with Serializable

    Permalink
  188. object ValueIndexerModel extends ComplexParamsReadable[ValueIndexerModel] with Serializable

    Permalink
  189. object VerifyFaces extends ComplexParamsReadable[VerifyFaces] with Serializable

    Permalink
  190. package codegen

    Permalink
  191. package cognitive

    Permalink
  192. package contracts

    Permalink
  193. package hadoop

    Permalink
  194. package metrics

    Permalink
  195. package schema

    Permalink
  196. object udfs

    Permalink

Inherited from AnyRef

Inherited from Any

Members