142 writes to Desc
Microsoft.ML.Data (32)
EntryPoints\SchemaManipulation.cs (3)
17
[TlcModule.EntryPoint(Name = "Transforms.ColumnConcatenator",
Desc
= ColumnConcatenatingTransformer.Summary, UserName = ColumnConcatenatingTransformer.UserName, ShortName = ColumnConcatenatingTransformer.LoadName)]
29
[TlcModule.EntryPoint(Name = "Transforms.ColumnSelector",
Desc
= "Selects a set of columns, dropping all others", UserName = "Select Columns")]
41
[TlcModule.EntryPoint(Name = "Transforms.ColumnCopier",
Desc
= "Duplicates columns from the dataset", UserName = ColumnCopyingTransformer.UserName, ShortName = ColumnCopyingTransformer.ShortName)]
EntryPoints\SelectRows.cs (4)
18
[TlcModule.EntryPoint(Name = "Transforms.RowRangeFilter",
Desc
= RangeFilter.Summary, UserName = RangeFilter.UserName, ShortName = RangeFilter.LoaderSignature)]
30
[TlcModule.EntryPoint(Name = "Transforms.RowSkipFilter",
Desc
= SkipTakeFilter.SkipFilterSummary, UserName = SkipTakeFilter.SkipFilterUserName,
42
[TlcModule.EntryPoint(Name = "Transforms.RowTakeFilter",
Desc
= SkipTakeFilter.TakeFilterSummary, UserName = SkipTakeFilter.TakeFilterUserName,
54
[TlcModule.EntryPoint(Name = "Transforms.RowSkipAndTakeFilter",
Desc
= SkipTakeFilter.SkipTakeFilterSummary,
EntryPoints\SummarizePredictor.cs (1)
31
[TlcModule.EntryPoint(Name = "Models.Summarizer",
Desc
= "Summarize a linear regression predictor.")]
Evaluators\AnomalyDetectionEvaluator.cs (1)
813
[TlcModule.EntryPoint(Name = "Models.AnomalyDetectionEvaluator",
Desc
= "Evaluates an anomaly detection scored dataset.")]
Evaluators\BinaryClassifierEvaluator.cs (1)
1502
[TlcModule.EntryPoint(Name = "Models.BinaryClassificationEvaluator",
Desc
= "Evaluates a binary classification scored dataset.")]
Evaluators\ClusteringEvaluator.cs (1)
857
[TlcModule.EntryPoint(Name = "Models.ClusterEvaluator",
Desc
= "Evaluates a clustering scored dataset.")]
Evaluators\MulticlassClassificationEvaluator.cs (1)
1090
[TlcModule.EntryPoint(Name = "Models.ClassificationEvaluator",
Desc
= "Evaluates a multi class classification scored dataset.")]
Evaluators\MultiOutputRegressionEvaluator.cs (1)
773
[TlcModule.EntryPoint(Name = "Models.MultiOutputRegressionEvaluator",
Desc
= "Evaluates a multi output regression scored dataset.")]
Evaluators\QuantileRegressionEvaluator.cs (1)
558
[TlcModule.EntryPoint(Name = "Models.QuantileRegressionEvaluator",
Desc
= "Evaluates a quantile regression scored dataset.")]
Evaluators\RankingEvaluator.cs (1)
1080
[TlcModule.EntryPoint(Name = "Models.RankingEvaluator",
Desc
= "Evaluates a ranking scored dataset.")]
Evaluators\RegressionEvaluator.cs (1)
385
[TlcModule.EntryPoint(Name = "Models.RegressionEvaluator",
Desc
= "Evaluates a regression scored dataset.")]
Prediction\Calibrator.cs (4)
2151
[TlcModule.EntryPoint(Name = "Models.PlattCalibrator",
Desc
= "Apply a Platt calibrator to an input model", UserName = PlattCalibratorTrainer.UserName)]
2162
[TlcModule.EntryPoint(Name = "Models.NaiveCalibrator",
Desc
= "Apply a Naive calibrator to an input model", UserName = NaiveCalibratorTrainer.UserName)]
2173
[TlcModule.EntryPoint(Name = "Models.PAVCalibrator",
Desc
= "Apply a PAV calibrator to an input model", UserName = PavCalibratorTrainer.UserName)]
2184
[TlcModule.EntryPoint(Name = "Models.FixedPlattCalibrator",
Desc
= "Apply a Platt calibrator with a fixed slope and offset to an input model", UserName = FixedPlattCalibratorTrainer.UserName)]
Transforms\BootstrapSamplingTransformer.cs (1)
253
[TlcModule.EntryPoint(Name = "Transforms.ApproximateBootstrapSampler",
Desc
= BootstrapSamplingTransformer.Summary, UserName = BootstrapSamplingTransformer.UserName, ShortName = BootstrapSamplingTransformer.RegistrationName)]
Transforms\FeatureContributionCalculationTransformer.cs (1)
365
Desc
= FeatureContributionCalculatingTransformer.Summary,
Transforms\GenerateNumberTransform.cs (1)
485
[TlcModule.EntryPoint(Name = "Transforms.RandomNumberGenerator",
Desc
= GenerateNumberTransform.Summary, UserName = GenerateNumberTransform.UserName, ShortName = GenerateNumberTransform.ShortName)]
Transforms\LabelIndicatorTransform.cs (1)
229
[TlcModule.EntryPoint(Name = "Transforms.LabelIndicator",
Desc
= "Label remapper used by OVA", UserName = "LabelIndicator",
Transforms\NopTransform.cs (1)
144
[TlcModule.EntryPoint(Name = "Transforms.NoOperation",
Desc
= Summary, UserName = "No Op", ShortName = "Nop")]
Transforms\NormalizeUtils.cs (6)
79
[TlcModule.EntryPoint(Name = "Transforms.MinMaxNormalizer",
Desc
= NormalizeTransform.MinMaxNormalizerSummary, UserName = NormalizeTransform.MinMaxNormalizerUserName, ShortName = NormalizeTransform.MinMaxNormalizerShortName)]
91
[TlcModule.EntryPoint(Name = "Transforms.MeanVarianceNormalizer",
Desc
= NormalizeTransform.MeanVarNormalizerSummary, UserName = NormalizeTransform.MeanVarNormalizerUserName, ShortName = NormalizeTransform.MeanVarNormalizerShortName)]
103
[TlcModule.EntryPoint(Name = "Transforms.LogMeanVarianceNormalizer",
Desc
= NormalizeTransform.LogMeanVarNormalizerSummary, UserName = NormalizeTransform.LogMeanVarNormalizerUserName, ShortName = NormalizeTransform.LogMeanVarNormalizerShortName)]
115
[TlcModule.EntryPoint(Name = "Transforms.BinNormalizer",
Desc
= NormalizeTransform.BinNormalizerSummary, UserName = NormalizeTransform.BinNormalizerUserName, ShortName = NormalizeTransform.BinNormalizerShortName)]
127
[TlcModule.EntryPoint(Name = "Transforms.RobustScalingNormalizer",
Desc
= NormalizeTransform.RobustScalingNormalizerSummary, UserName = NormalizeTransform.RobustScalingNormalizerUserName, ShortName = NormalizeTransform.RobustScalingNormalizerShortName)]
139
[TlcModule.EntryPoint(Name = "Transforms.ConditionalNormalizer",
Desc
= "Normalize the columns only if needed", UserName = "Normalize If Needed")]
Transforms\TypeConverting.cs (1)
36
[TlcModule.EntryPoint(Name = "Transforms.ColumnTypeConverter",
Desc
= TypeConvertingTransformer.Summary, UserName = TypeConvertingTransformer.UserName, ShortName = TypeConvertingTransformer.ShortName)]
Microsoft.ML.Ensemble (10)
EntryPoints\CreateEnsemble.cs (6)
131
[TlcModule.EntryPoint(Name = "Models.BinaryEnsemble",
Desc
= "Combine binary classifiers into an ensemble", UserName = EnsembleTrainer.UserNameValue)]
166
[TlcModule.EntryPoint(Name = "Models.RegressionEnsemble",
Desc
= "Combine regression models into an ensemble", UserName = RegressionEnsembleTrainer.UserNameValue)]
198
[TlcModule.EntryPoint(Name = "Models.BinaryPipelineEnsemble",
Desc
= "Combine binary classification models into an ensemble")]
225
[TlcModule.EntryPoint(Name = "Models.RegressionPipelineEnsemble",
Desc
= "Combine regression models into an ensemble")]
249
[TlcModule.EntryPoint(Name = "Models.MultiClassPipelineEnsemble",
Desc
= "Combine multiclass classifiers into an ensemble")]
276
[TlcModule.EntryPoint(Name = "Models.AnomalyPipelineEnsemble",
Desc
= "Combine anomaly detection models into an ensemble")]
EntryPoints\Ensemble.cs (3)
16
[TlcModule.EntryPoint(Name = "Trainers.EnsembleBinaryClassifier",
Desc
= "Train binary ensemble.", UserName = EnsembleTrainer.UserNameValue)]
29
[TlcModule.EntryPoint(Name = "Trainers.EnsembleClassification",
Desc
= "Train multiclass ensemble.", UserName = EnsembleTrainer.UserNameValue)]
42
[TlcModule.EntryPoint(Name = "Trainers.EnsembleRegression",
Desc
= "Train regression ensemble.", UserName = EnsembleTrainer.UserNameValue)]
EntryPoints\PipelineEnsemble.cs (1)
26
[TlcModule.EntryPoint(Name = "Models.EnsembleSummary",
Desc
= "Summarize a pipeline ensemble predictor.")]
Microsoft.ML.EntryPoints (26)
CrossValidationMacro.cs (2)
159
[TlcModule.EntryPoint(
Desc
= "Cross validation for general learning", Name = "Models.CrossValidator")]
359
[TlcModule.EntryPoint(
Desc
= "Combine the metric data views returned from cross validation.", Name = "Models.CrossValidationResultsCombiner")]
CVSplit.cs (1)
46
[TlcModule.EntryPoint(Name = "Models.CrossValidatorDatasetSplitter",
Desc
= "Split the dataset into the specified number of cross-validation folds (train and test sets)", UserName = UserName)]
DataViewReference.cs (1)
28
[TlcModule.EntryPoint(Name = "Data.DataViewReference",
Desc
= "Pass dataview from memory to experiment")]
FeatureCombiner.cs (4)
44
[TlcModule.EntryPoint(Name = "Transforms.FeatureCombiner",
Desc
= "Combines all the features into one feature column.", UserName = "Feature Combiner", ShortName = "fc")]
227
[TlcModule.EntryPoint(Name = "Transforms.LabelColumnKeyBooleanConverter",
Desc
= "Transforms the label to either key or bool (if needed) to make it suitable for classification.", UserName = "Prepare Classification Label")]
263
[TlcModule.EntryPoint(Name = "Transforms.PredictedLabelColumnOriginalValueConverter",
Desc
= "Transforms a predicted label column to its original values, unless it is of type bool.", UserName = "Convert Predicted Label")]
285
[TlcModule.EntryPoint(Name = "Transforms.LabelToFloatConverter",
Desc
= "Transforms the label to float to make it suitable for regression.", UserName = "Prepare Regression Label")]
ImportTextData.cs (2)
35
[TlcModule.EntryPoint(Name = "Data.CustomTextLoader",
Desc
= "Import a dataset from a text file")]
55
[TlcModule.EntryPoint(Name = "Data.TextLoader",
Desc
= "Import a dataset from a text file")]
MacroUtils.cs (2)
88
[TlcModule.EntryPoint(
Desc
= "Create an array variable of " + nameof(PredictorModel), Name = "Data.PredictorModelArrayConverter")]
110
[TlcModule.EntryPoint(
Desc
= "Create an array variable of IDataView", Name = "Data.IDataViewArrayConverter")]
ModelOperations.cs (5)
83
[TlcModule.EntryPoint(Name = "Transforms.ModelCombiner",
Desc
= "Combines a sequence of TransformModels into a single model")]
99
[TlcModule.EntryPoint(Name = "Transforms.ManyHeterogeneousModelCombiner",
Desc
= "Combines a sequence of TransformModels and a PredictorModel into a single PredictorModel.")]
114
[TlcModule.EntryPoint(Name = "Transforms.TwoHeterogeneousModelCombiner",
Desc
= "Combines a TransformModel and a PredictorModel into a single PredictorModel.")]
125
[TlcModule.EntryPoint(Name = "Models.DatasetTransformer",
Desc
= "Applies a TransformModel to a dataset.", UserName = "Apply Transform Model Output")]
131
[TlcModule.EntryPoint(Name = "Models.OvaModelCombiner",
Desc
= "Combines a sequence of PredictorModels into a single model")]
OneVersusAllMacro.cs (1)
137
[TlcModule.EntryPoint(
Desc
= "One-vs-All macro (OVA)",
PermutationFeatureImportance.cs (1)
21
[TlcModule.EntryPoint(Name = "Transforms.PermutationFeatureImportance",
Desc
= "Permutation Feature Importance (PFI)", UserName = "PFI", ShortName = "PFI")]
ScoreColumnSelector.cs (2)
23
[TlcModule.EntryPoint(Name = "Transforms.ScoreColumnSelector",
Desc
= "Selects only the last score columns and the extra columns specified in the arguments.", UserName = "Choose Columns By Indices")]
64
[TlcModule.EntryPoint(Name = "Transforms.BinaryPredictionScoreColumnsRenamer",
Desc
= "For binary prediction, it renames the PredictedLabel and Score columns to include the name of the positive class.", UserName = "Rename Binary Prediction Score Columns")]
ScoreModel.cs (3)
67
[TlcModule.EntryPoint(Name = "Transforms.DatasetScorer",
Desc
= "Score a dataset with a predictor model")]
99
[TlcModule.EntryPoint(Name = "Transforms.DatasetTransformScorer",
Desc
= "Score a dataset with a transform model")]
115
[TlcModule.EntryPoint(Name = "Transforms.Scorer",
Desc
= "Turn the predictor model into a transform model")]
TrainTestMacro.cs (1)
108
[TlcModule.EntryPoint(
Desc
= "General train test for any supported evaluator", Name = "Models.TrainTestEvaluator")]
TrainTestSplit.cs (1)
42
[TlcModule.EntryPoint(Name = "Transforms.TrainTestDatasetSplitter",
Desc
= "Split the dataset into train and test sets", UserName = UserName)]
Microsoft.ML.FastTree (9)
FastTreeClassification.cs (1)
431
Desc
= FastTreeBinaryTrainer.Summary,
FastTreeRanking.cs (1)
1080
Desc
= FastTreeRankingTrainer.Summary,
FastTreeRegression.cs (1)
531
Desc
= FastTreeRegressionTrainer.Summary,
FastTreeTweedie.cs (1)
567
Desc
= FastTreeTweedieTrainer.Summary,
GamTrainer.cs (2)
685
[TlcModule.EntryPoint(Name = "Trainers.GeneralizedAdditiveModelRegressor",
Desc
= GamRegressionTrainer.Summary, UserName = GamRegressionTrainer.UserNameValue, ShortName = GamRegressionTrainer.ShortName)]
699
[TlcModule.EntryPoint(Name = "Trainers.GeneralizedAdditiveModelBinaryClassifier",
Desc
= GamBinaryTrainer.Summary, UserName = GamBinaryTrainer.UserNameValue, ShortName = GamBinaryTrainer.ShortName)]
RandomForestClassification.cs (1)
407
Desc
= FastForestBinaryTrainer.Summary,
RandomForestRegression.cs (1)
592
Desc
= FastForestRegressionTrainer.Summary,
TreeEnsembleFeaturizer.cs (1)
820
Desc
= TreeEnsembleFeaturizerTransform.TreeEnsembleSummary,
Microsoft.ML.ImageAnalytics (5)
EntryPoints\ImageAnalytics.cs (5)
16
[TlcModule.EntryPoint(Name = "Transforms.ImageLoader",
Desc
= ImageLoadingTransformer.Summary,
29
[TlcModule.EntryPoint(Name = "Transforms.ImageResizer",
Desc
= ImageResizingTransformer.Summary,
42
[TlcModule.EntryPoint(Name = "Transforms.ImagePixelExtractor",
Desc
= ImagePixelExtractingTransformer.Summary,
55
[TlcModule.EntryPoint(Name = "Transforms.ImageGrayscale",
Desc
= ImageGrayscalingTransformer.Summary,
68
[TlcModule.EntryPoint(Name = "Transforms.VectorToImage",
Desc
= VectorToImageConvertingTransformer.Summary,
Microsoft.ML.KMeansClustering (1)
KMeansPlusPlusTrainer.cs (1)
288
Desc
= Summary,
Microsoft.ML.LightGbm (4)
LightGbmBinaryTrainer.cs (1)
311
Desc
= LightGbmBinaryTrainer.Summary,
LightGbmMulticlassTrainer.cs (1)
393
Desc
= "Train a LightGBM multi class model.",
LightGbmRankingTrainer.cs (1)
323
Desc
= "Train a LightGBM ranking model.",
LightGbmRegressionTrainer.cs (1)
271
Desc
= LightGbmRegressionTrainer.Summary,
Microsoft.ML.Mkl.Components (2)
OlsLinearRegression.cs (1)
672
Desc
= "Train an OLS regression model.",
SymSgdClassificationTrainer.cs (1)
283
Desc
= "Train a symbolic SGD.",
Microsoft.ML.OnnxConverter (1)
SaveOnnxCommand.cs (1)
429
[TlcModule.EntryPoint(Name = "Models.OnnxConverter",
Desc
= "Converts the model to ONNX format.", UserName = "ONNX Converter.")]
Microsoft.ML.PCA (2)
PcaTrainer.cs (1)
394
Desc
= "Train an PCA Anomaly model.",
PcaTransformer.cs (1)
679
Desc
= Summary,
Microsoft.ML.StandardTrainers (13)
FactorizationMachine\FactorizationMachineTrainer.cs (1)
571
Desc
= Summary,
LdSvm\LdSvmTrainer.cs (1)
668
[TlcModule.EntryPoint(Name = "Trainers.LocalDeepSvmBinaryClassifier",
Desc
= Summary, UserName = UserNameValue, ShortName = LoadNameValue)]
Standard\LogisticRegression\LogisticRegression.cs (1)
462
Desc
= Summary,
Standard\LogisticRegression\MulticlassLogisticRegression.cs (1)
394
Desc
= LbfgsMaximumEntropyMulticlassTrainer.Summary,
Standard\MulticlassClassification\MulticlassNaiveBayesTrainer.cs (1)
205
Desc
= "Train a MulticlassNaiveBayesTrainer.",
Standard\Online\AveragedPerceptron.cs (1)
221
Desc
= Summary,
Standard\Online\LinearSvm.cs (1)
323
[TlcModule.EntryPoint(Name = "Trainers.LinearSvmBinaryClassifier",
Desc
= "Train a linear SVM.", UserName = UserNameValue, ShortName = ShortName)]
Standard\Online\OnlineGradientDescent.cs (1)
187
Desc
= "Train a Online gradient descent perceptron.",
Standard\PoissonRegression\PoissonRegression.cs (1)
209
Desc
= "Train an Poisson regression model.",
Standard\SdcaBinary.cs (2)
2466
[TlcModule.EntryPoint(Name = "Trainers.StochasticGradientDescentBinaryClassifier",
Desc
= "Train an Hogwild SGD binary model.", UserName = UserNameValue, ShortName = ShortName)]
2488
Desc
= "Train an SDCA binary model.",
Standard\SdcaMulticlass.cs (1)
672
Desc
= SdcaMaximumEntropyMulticlassTrainer.Summary,
Standard\SdcaRegression.cs (1)
211
Desc
= SdcaRegressionTrainer.Summary,
Microsoft.ML.TensorFlow (1)
TensorflowTransform.cs (1)
794
Desc
= Summary,
Microsoft.ML.TimeSeries (9)
TimeSeriesProcessing.cs (9)
18
[TlcModule.EntryPoint(
Desc
= ExponentialAverageTransform.Summary, UserName = ExponentialAverageTransform.UserName, ShortName = ExponentialAverageTransform.ShortName)]
30
[TlcModule.EntryPoint(
Desc
= TimeSeries.IidChangePointDetector.Summary,
44
[TlcModule.EntryPoint(
Desc
= TimeSeries.IidSpikeDetector.Summary,
58
[TlcModule.EntryPoint(
Desc
= TimeSeries.PercentileThresholdTransform.Summary,
72
[TlcModule.EntryPoint(
Desc
= TimeSeries.PValueTransform.Summary,
86
[TlcModule.EntryPoint(
Desc
= TimeSeries.SlidingWindowTransform.Summary,
100
[TlcModule.EntryPoint(
Desc
= TimeSeries.SsaChangePointDetector.Summary,
114
[TlcModule.EntryPoint(
Desc
= TimeSeries.SsaSpikeDetector.Summary,
128
[TlcModule.EntryPoint(
Desc
= TimeSeries.SsaForecastingTransformer.Summary,
Microsoft.ML.Transforms (27)
Dracula\CountTableTransformer.cs (1)
737
[TlcModule.EntryPoint(Name = "Transforms.CountTableBuilder",
Desc
= CountTableTransformer.Summary, UserName = CountTableTransformer.UserName, ShortName = "Count")]
Dracula\CountTargetEncodingTransformer.cs (1)
541
[TlcModule.EntryPoint(Name = "Transforms.CountTargetEncoder",
Desc
= CountTargetEncodingTransformer.Summary, UserName = CountTableTransformer.UserName, ShortName = "Count")]
EntryPoints\SelectFeatures.cs (2)
17
Desc
= CountFeatureSelectingEstimator.Summary,
31
Desc
= MutualInformationFeatureSelectingEstimator.Summary,
EntryPoints\TextAnalytics.cs (8)
21
Desc
= TextFeaturizingEstimator.Summary,
36
Desc
= ML.Transforms.Text.WordTokenizingTransformer.Summary,
51
Desc
= NgramExtractingTransformer.Summary,
66
Desc
= ValueToKeyMappingTransformer.Summary,
81
Desc
= "Uses a pretrained sentiment model to score input strings",
96
Desc
= TokenizingByCharactersTransformer.Summary,
114
Desc
= LatentDirichletAllocationTransformer.Summary,
135
Desc
= WordEmbeddingTransformer.Summary,
GcnTransform.cs (2)
736
Desc
= LpNormNormalizingTransformer.Summary,
751
Desc
= LpNormNormalizingTransformer.GcnSummary,
GroupTransform.cs (1)
669
Desc
= GroupTransform.Summary,
HashJoiningTransform.cs (1)
663
Desc
= HashJoiningTransform.Summary,
NAHandling.cs (5)
19
Desc
= MissingValueDroppingTransformer.Summary,
34
Desc
= NAFilter.Summary,
49
Desc
= MissingValueHandlingTransformer.Summary,
64
Desc
= MissingValueIndicatorTransformer.Summary,
79
Desc
= MissingValueReplacingTransformer.Summary,
OneHotEncoding.cs (4)
351
Desc
= OneHotEncodingTransformer.Summary,
365
Desc
= OneHotHashEncodingTransformer.Summary,
379
Desc
= ValueToKeyMappingTransformer.Summary,
393
Desc
= "KeyToValueTransform utilizes KeyValues metadata to map key indices to the corresponding values in the KeyValues metadata.",
OptionalColumnTransform.cs (1)
582
[TlcModule.EntryPoint(
Desc
= Summary,
UngroupTransform.cs (1)
678
Desc
= UngroupTransform.Summary,
1 reference to Desc
Microsoft.ML.Core (1)
ComponentModel\ComponentCatalog.cs (1)
347
Description = attribute.
Desc
;