133 writes to Name
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)
364[TlcModule.EntryPoint(Name = "Transforms.FeatureContributionCalculationTransformer",
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)
138Name = "Models.OneVersusAll")]
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)
430[TlcModule.EntryPoint(Name = "Trainers.FastTreeBinaryClassifier",
FastTreeRanking.cs (1)
1079[TlcModule.EntryPoint(Name = "Trainers.FastTreeRanker",
FastTreeRegression.cs (1)
530[TlcModule.EntryPoint(Name = "Trainers.FastTreeRegressor",
FastTreeTweedie.cs (1)
566[TlcModule.EntryPoint(Name = "Trainers.FastTreeTweedieRegressor",
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)
406[TlcModule.EntryPoint(Name = "Trainers.FastForestBinaryClassifier",
RandomForestRegression.cs (1)
591[TlcModule.EntryPoint(Name = "Trainers.FastForestRegressor",
TreeEnsembleFeaturizer.cs (1)
819[TlcModule.EntryPoint(Name = "Transforms.TreeLeafFeaturizer",
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)
287[TlcModule.EntryPoint(Name = "Trainers.KMeansPlusPlusClusterer",
Microsoft.ML.LightGbm (4)
LightGbmBinaryTrainer.cs (1)
310Name = "Trainers.LightGbmBinaryClassifier",
LightGbmMulticlassTrainer.cs (1)
392Name = "Trainers.LightGbmClassifier",
LightGbmRankingTrainer.cs (1)
322[TlcModule.EntryPoint(Name = "Trainers.LightGbmRanker",
LightGbmRegressionTrainer.cs (1)
270[TlcModule.EntryPoint(Name = "Trainers.LightGbmRegressor",
Microsoft.ML.Mkl.Components (2)
OlsLinearRegression.cs (1)
671[TlcModule.EntryPoint(Name = "Trainers.OrdinaryLeastSquaresRegressor",
SymSgdClassificationTrainer.cs (1)
282[TlcModule.EntryPoint(Name = "Trainers.SymSgdBinaryClassifier",
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)
393[TlcModule.EntryPoint(Name = "Trainers.PcaAnomalyDetector",
PcaTransformer.cs (1)
678[TlcModule.EntryPoint(Name = "Transforms.PcaCalculator",
Microsoft.ML.StandardTrainers (13)
FactorizationMachine\FactorizationMachineTrainer.cs (1)
570[TlcModule.EntryPoint(Name = "Trainers.FieldAwareFactorizationMachineBinaryClassifier",
LdSvm\LdSvmTrainer.cs (1)
668[TlcModule.EntryPoint(Name = "Trainers.LocalDeepSvmBinaryClassifier", Desc = Summary, UserName = UserNameValue, ShortName = LoadNameValue)]
Standard\LogisticRegression\LogisticRegression.cs (1)
461[TlcModule.EntryPoint(Name = "Trainers.LogisticRegressionBinaryClassifier",
Standard\LogisticRegression\MulticlassLogisticRegression.cs (1)
393[TlcModule.EntryPoint(Name = "Trainers.LogisticRegressionClassifier",
Standard\MulticlassClassification\MulticlassNaiveBayesTrainer.cs (1)
204[TlcModule.EntryPoint(Name = "Trainers.NaiveBayesClassifier",
Standard\Online\AveragedPerceptron.cs (1)
220[TlcModule.EntryPoint(Name = "Trainers.AveragedPerceptronBinaryClassifier",
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)
186[TlcModule.EntryPoint(Name = "Trainers.OnlineGradientDescentRegressor",
Standard\PoissonRegression\PoissonRegression.cs (1)
208[TlcModule.EntryPoint(Name = "Trainers.PoissonRegressor",
Standard\SdcaBinary.cs (2)
2466[TlcModule.EntryPoint(Name = "Trainers.StochasticGradientDescentBinaryClassifier", Desc = "Train an Hogwild SGD binary model.", UserName = UserNameValue, ShortName = ShortName)] 2487[TlcModule.EntryPoint(Name = "Trainers.StochasticDualCoordinateAscentBinaryClassifier",
Standard\SdcaMulticlass.cs (1)
671[TlcModule.EntryPoint(Name = "Trainers.StochasticDualCoordinateAscentClassifier",
Standard\SdcaRegression.cs (1)
210[TlcModule.EntryPoint(Name = "Trainers.StochasticDualCoordinateAscentRegressor",
Microsoft.ML.TensorFlow (1)
TensorflowTransform.cs (1)
793[TlcModule.EntryPoint(Name = "Transforms.TensorFlowScorer",
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)
16[TlcModule.EntryPoint(Name = "Transforms.FeatureSelectorByCount", 30[TlcModule.EntryPoint(Name = "Transforms.FeatureSelectorByMutualInformation",
EntryPoints\TextAnalytics.cs (8)
20[TlcModule.EntryPoint(Name = "Transforms.TextFeaturizer", 35[TlcModule.EntryPoint(Name = "Transforms.WordTokenizer", 50[TlcModule.EntryPoint(Name = "Transforms.NGramTranslator", 65[TlcModule.EntryPoint(Name = "Transforms.Dictionarizer", 80[TlcModule.EntryPoint(Name = "Transforms.SentimentAnalyzer", 95[TlcModule.EntryPoint(Name = "Transforms.CharacterTokenizer", 113[TlcModule.EntryPoint(Name = "Transforms.LightLda", 134[TlcModule.EntryPoint(Name = "Transforms.WordEmbeddings",
GcnTransform.cs (2)
735[TlcModule.EntryPoint(Name = "Transforms.LpNormalizer", 750[TlcModule.EntryPoint(Name = "Transforms.GlobalContrastNormalizer",
GroupTransform.cs (1)
668[TlcModule.EntryPoint(Name = "Transforms.CombinerByContiguousGroupId",
HashJoiningTransform.cs (1)
662[TlcModule.EntryPoint(Name = "Transforms.HashConverter",
NAHandling.cs (5)
18[TlcModule.EntryPoint(Name = "Transforms.MissingValuesDropper", 33[TlcModule.EntryPoint(Name = "Transforms.MissingValuesRowDropper", 48[TlcModule.EntryPoint(Name = "Transforms.MissingValueHandler", 63[TlcModule.EntryPoint(Name = "Transforms.MissingValueIndicator", 78[TlcModule.EntryPoint(Name = "Transforms.MissingValueSubstitutor",
OneHotEncoding.cs (4)
350[TlcModule.EntryPoint(Name = "Transforms.CategoricalOneHotVectorizer", 364[TlcModule.EntryPoint(Name = "Transforms.CategoricalHashOneHotVectorizer", 378[TlcModule.EntryPoint(Name = "Transforms.TextToKeyConverter", 392[TlcModule.EntryPoint(Name = "Transforms.KeyToTextConverter",
OptionalColumnTransform.cs (1)
583Name = "Transforms.OptionalColumnCreator",
UngroupTransform.cs (1)
677[TlcModule.EntryPoint(Name = "Transforms.Segregator",
1 reference to Name
Microsoft.ML.Core (1)
ComponentModel\ComponentCatalog.cs (1)
346Name = attribute.Name ?? string.Join(".", method.DeclaringType.Name, method.Name);