Index A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U A accuracy_score() (in module cuml.metrics.accuracy) AccuracyComparisonRunner (class in cuml.benchmark.runners) add_dummy_feature() (in module cuml.preprocessing) adjusted_rand_score() (in module cuml.metrics.cluster.adjusted_rand_index) AgglomerativeClustering (class in cuml) aic (cuml.tsa.ARIMA property) aicc (cuml.tsa.ARIMA property) algorithm_by_name() (in module cuml.benchmark.algorithms) AlgorithmPair (class in cuml.benchmark.algorithms) all_algorithms() (in module cuml.benchmark.algorithms) all_points_membership_vectors() (in module cuml.cluster.hdbscan) approximate_predict() (in module cuml.cluster.hdbscan) ARIMA (class in cuml.tsa) AutoARIMA (class in cuml.tsa.auto_arima) B BaseEstimator (class in cuml.dask.common.base) BenchmarkTimer (class in cuml.benchmark.runners) BernoulliNB (class in cuml.naive_bayes) bic (cuml.tsa.ARIMA property) binarize() (in module cuml.preprocessing) Binarizer (class in cuml.preprocessing) C CategoricalNB (class in cuml.naive_bayes) CD (class in cuml) (class in cuml.dask.solvers) ColumnTransformer (class in cuml.compose) ComplementNB (class in cuml.naive_bayes) complexity (cuml.tsa.ARIMA property) confusion_matrix() (in module cuml.metrics) convert_to_fil_model() (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) convert_to_treelite_model() (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) CountVectorizer (class in cuml.feature_extraction.text) cuml.benchmark.algorithms module cuml.benchmark.datagen module cuml.benchmark.runners module cuml.compose module cuml.dask.datasets.blobs module cuml.dask.datasets.classification module cuml.dask.datasets.regression module cuml.metrics.accuracy module cuml.metrics.cluster.adjusted_rand_index module cuml.metrics.cluster.completeness_score module cuml.metrics.cluster.entropy module cuml.metrics.cluster.homogeneity_score module cuml.metrics.cluster.mutual_info_score module cuml.metrics.cluster.silhouette_score module cuml.metrics.cluster.v_measure_score module cuml.metrics.pairwise_distances module cuml.metrics.pairwise_kernels module cuml.metrics.regression module cuml.metrics.trustworthiness module cython_completeness_score() (in module cuml.metrics.cluster.completeness_score) cython_entropy() (in module cuml.metrics.cluster.entropy) cython_homogeneity_score() (in module cuml.metrics.cluster.homogeneity_score) cython_mutual_info_score() (in module cuml.metrics.cluster.mutual_info_score) cython_silhouette_samples() (in module cuml.metrics.cluster.silhouette_score) cython_silhouette_score() (in module cuml.metrics.cluster.silhouette_score) D DBSCAN (class in cuml) (class in cuml.dask.cluster) decision_function() (cuml.LogisticRegression method) (cuml.multiclass.MulticlassClassifier method) DelayedInverseTransformMixin (class in cuml.dask.common.base) DelayedParallelFunc (class in cuml.dask.common.base) DelayedPredictionMixin (class in cuml.dask.common.base) DelayedTransformMixin (class in cuml.dask.common.base) E ElasticNet (class in cuml) (class in cuml.dask.linear_model) ExponentialSmoothing (class in cuml) F fit() (cuml.AgglomerativeClustering method) (cuml.CD method) (cuml.cluster.hdbscan.HDBSCAN method) (cuml.compose.ColumnTransformer method) (cuml.dask.cluster.DBSCAN method) (cuml.dask.cluster.KMeans method) (cuml.dask.decomposition.PCA method) (cuml.dask.decomposition.TruncatedSVD method) (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.dask.feature_extraction.text.TfidfTransformer method) (cuml.dask.linear_model.ElasticNet method) (cuml.dask.linear_model.Lasso method) (cuml.dask.linear_model.LinearRegression method) (cuml.dask.linear_model.Ridge method) (cuml.dask.naive_bayes.MultinomialNB method) (cuml.dask.neighbors.KNeighborsClassifier method) (cuml.dask.neighbors.KNeighborsRegressor method) (cuml.dask.neighbors.NearestNeighbors method) (cuml.dask.preprocessing.LabelBinarizer method) (cuml.dask.preprocessing.LabelEncoder.LabelEncoder method) (cuml.dask.preprocessing.OneHotEncoder method) (cuml.dask.solvers.CD method) (cuml.DBSCAN method) (cuml.ElasticNet method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) (cuml.experimental.linear_model.Lars method) (cuml.ExponentialSmoothing method) (cuml.feature_extraction.text.CountVectorizer method) (cuml.feature_extraction.text.HashingVectorizer method) (cuml.feature_extraction.text.TfidfVectorizer method) (cuml.IncrementalPCA method) (cuml.KernelRidge method) (cuml.KMeans method) (cuml.LinearRegression method) (cuml.LogisticRegression method) (cuml.MBSGDClassifier method) (cuml.MBSGDRegressor method) (cuml.multiclass.MulticlassClassifier method) (cuml.naive_bayes.CategoricalNB method) (cuml.naive_bayes.GaussianNB method) (cuml.neighbors.KernelDensity method) (cuml.neighbors.KNeighborsClassifier method) (cuml.neighbors.KNeighborsRegressor method) (cuml.neighbors.NearestNeighbors method) (cuml.PCA method) (cuml.preprocessing.Binarizer method) (cuml.preprocessing.FunctionTransformer method) (cuml.preprocessing.KBinsDiscretizer method) (cuml.preprocessing.KernelCenterer method) (cuml.preprocessing.LabelBinarizer method) (cuml.preprocessing.LabelEncoder.LabelEncoder method) (cuml.preprocessing.MaxAbsScaler method) (cuml.preprocessing.MinMaxScaler method) (cuml.preprocessing.MissingIndicator method) (cuml.preprocessing.Normalizer method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PolynomialFeatures method) (cuml.preprocessing.PowerTransformer method) (cuml.preprocessing.QuantileTransformer method) (cuml.preprocessing.RobustScaler method) (cuml.preprocessing.SimpleImputer method) (cuml.preprocessing.StandardScaler method) (cuml.preprocessing.TargetEncoder.TargetEncoder method) (cuml.QN method) (cuml.Ridge method) (cuml.SGD method) (cuml.svm.SVR method) (cuml.TruncatedSVD method) (cuml.tsa.ARIMA method) (cuml.tsa.auto_arima.AutoARIMA method) (cuml.TSNE method) (cuml.UMAP method) fit_predict() (cuml.AgglomerativeClustering method) (cuml.cluster.hdbscan.HDBSCAN method) (cuml.dask.cluster.DBSCAN method) (cuml.dask.cluster.KMeans method) (cuml.DBSCAN method) (cuml.KMeans method) fit_transform() (cuml.compose.ColumnTransformer method) (cuml.dask.cluster.KMeans method) (cuml.dask.decomposition.PCA method) (cuml.dask.decomposition.TruncatedSVD method) (cuml.dask.feature_extraction.text.TfidfTransformer method) (cuml.dask.preprocessing.LabelBinarizer method) (cuml.dask.preprocessing.LabelEncoder.LabelEncoder method) (cuml.feature_extraction.text.CountVectorizer method) (cuml.feature_extraction.text.HashingVectorizer method) (cuml.feature_extraction.text.TfidfVectorizer method) (cuml.KMeans method) (cuml.PCA method) (cuml.preprocessing.LabelBinarizer method) (cuml.preprocessing.LabelEncoder.LabelEncoder method) (cuml.preprocessing.MissingIndicator method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PowerTransformer method) (cuml.preprocessing.TargetEncoder.TargetEncoder method) (cuml.TruncatedSVD method) (cuml.TSNE method) (cuml.UMAP method) forecast() (cuml.ExponentialSmoothing method) (cuml.tsa.ARIMA method) (cuml.tsa.auto_arima.AutoARIMA method) ForestInference (class in cuml) FunctionTransformer (class in cuml.preprocessing) fuzzy_simplicial_set() (in module cuml.manifold.umap) G GaussianNB (class in cuml.naive_bayes) GaussianRandomProjection (class in cuml.random_projection) gen_data() (in module cuml.benchmark.datagen) generate_prediction_data() (cuml.cluster.hdbscan.HDBSCAN method) get_combined_model() (cuml.dask.common.base.BaseEstimator method) get_detailed_text() (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) get_feature_names() (cuml.compose.ColumnTransformer method) (cuml.feature_extraction.text.CountVectorizer method) (cuml.feature_extraction.text.TfidfVectorizer method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PolynomialFeatures method) get_fit_params() (cuml.tsa.ARIMA method) get_json() (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) get_level() (cuml.ExponentialSmoothing method) get_neighbors() (cuml.dask.neighbors.NearestNeighbors method) get_num_classes() (cuml.QN method) get_param_names() (cuml.AgglomerativeClustering method) (cuml.CD method) (cuml.cluster.hdbscan.HDBSCAN method) (cuml.DBSCAN method) (cuml.ElasticNet method) (cuml.experimental.linear_model.Lars method) (cuml.ExponentialSmoothing method) (cuml.IncrementalPCA method) (cuml.KernelRidge method) (cuml.KMeans method) (cuml.Lasso method) (cuml.LinearRegression method) (cuml.LogisticRegression method) (cuml.MBSGDClassifier method) (cuml.MBSGDRegressor method) (cuml.multiclass.MulticlassClassifier method) (cuml.multiclass.OneVsOneClassifier method) (cuml.multiclass.OneVsRestClassifier method) (cuml.naive_bayes.BernoulliNB method) (cuml.naive_bayes.ComplementNB method) (cuml.naive_bayes.GaussianNB method) (cuml.neighbors.KernelDensity method) (cuml.neighbors.KNeighborsClassifier method) (cuml.neighbors.KNeighborsRegressor method) (cuml.neighbors.NearestNeighbors method) (cuml.PCA method) (cuml.preprocessing.KBinsDiscretizer method) (cuml.preprocessing.LabelBinarizer method) (cuml.preprocessing.LabelEncoder.LabelEncoder method) (cuml.preprocessing.MaxAbsScaler method) (cuml.preprocessing.MinMaxScaler method) (cuml.preprocessing.MissingIndicator method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PolynomialFeatures method) (cuml.preprocessing.PowerTransformer method) (cuml.preprocessing.QuantileTransformer method) (cuml.preprocessing.RobustScaler method) (cuml.preprocessing.SimpleImputer method) (cuml.preprocessing.StandardScaler method) (cuml.QN method) (cuml.random_projection.GaussianRandomProjection method) (cuml.random_projection.SparseRandomProjection method) (cuml.Ridge method) (cuml.SGD method) (cuml.svm.LinearSVC method) (cuml.svm.LinearSVR method) (cuml.TruncatedSVD method) (cuml.tsa.ARIMA method) (cuml.TSNE method) (cuml.UMAP method) get_params() (cuml.compose.ColumnTransformer method) (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.preprocessing.TargetEncoder.TargetEncoder method) (cuml.tsa.ARIMA method) get_season() (cuml.ExponentialSmoothing method) get_summary_text() (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) get_trend() (cuml.ExponentialSmoothing method) H HashingVectorizer (class in cuml.feature_extraction.text) HDBSCAN (class in cuml.cluster.hdbscan) I IncrementalPCA (class in cuml) inverse_transform() (cuml.dask.decomposition.PCA method) (cuml.dask.decomposition.TruncatedSVD method) (cuml.dask.preprocessing.LabelBinarizer method) (cuml.dask.preprocessing.LabelEncoder.LabelEncoder method) (cuml.dask.preprocessing.OneHotEncoder method) (cuml.feature_extraction.text.CountVectorizer method) (cuml.PCA method) (cuml.preprocessing.FunctionTransformer method) (cuml.preprocessing.KBinsDiscretizer method) (cuml.preprocessing.LabelBinarizer method) (cuml.preprocessing.LabelEncoder.LabelEncoder method) (cuml.preprocessing.MaxAbsScaler method) (cuml.preprocessing.MinMaxScaler method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PowerTransformer method) (cuml.preprocessing.QuantileTransformer method) (cuml.preprocessing.RobustScaler method) (cuml.preprocessing.StandardScaler method) (cuml.TruncatedSVD method) J johnson_lindenstrauss_min_dim() (in module cuml.random_projection) K KBinsDiscretizer (class in cuml.preprocessing) KernelCenterer (class in cuml.preprocessing) KernelDensity (class in cuml.neighbors) KernelExplainer (class in cuml.explainer) KernelRidge (class in cuml) kl_divergence() (in module cuml.metrics) KMeans (class in cuml) (class in cuml.dask.cluster) kneighbors() (cuml.dask.neighbors.NearestNeighbors method) (cuml.neighbors.NearestNeighbors method) kneighbors_graph() (cuml.neighbors.NearestNeighbors method) KNeighborsClassifier (class in cuml.dask.neighbors) (class in cuml.neighbors) KNeighborsRegressor (class in cuml.dask.neighbors) (class in cuml.neighbors) L label_binarize() (in module cuml.preprocessing) LabelBinarizer (class in cuml.dask.preprocessing) (class in cuml.preprocessing) LabelEncoder (class in cuml.dask.preprocessing.LabelEncoder) (class in cuml.preprocessing.LabelEncoder) Lars (class in cuml.experimental.linear_model) Lasso (class in cuml) (class in cuml.dask.linear_model) LinearRegression (class in cuml) (class in cuml.dask.linear_model) LinearSVC (class in cuml.svm) LinearSVR (class in cuml.svm) llf (cuml.tsa.ARIMA property) load() (cuml.ForestInference class method) load_from_sklearn() (cuml.ForestInference class method) load_from_treelite_model() (cuml.ForestInference method) load_using_treelite_handle() (cuml.ForestInference method) log_loss() (in module cuml.metrics) LogisticRegression (class in cuml) M make_arima() (in module cuml.datasets) make_blobs() (in module cuml.dask.datasets.blobs) (in module cuml.datasets) make_classification() (in module cuml.dask.datasets.classification) (in module cuml.datasets) make_column_selector (class in cuml.compose) make_column_transformer() (in module cuml.compose) make_low_rank_matrix() (in module cuml.dask.datasets.regression) make_regression() (in module cuml.dask.datasets.regression) (in module cuml.datasets) maxabs_scale() (in module cuml.preprocessing) MaxAbsScaler (class in cuml.preprocessing) MBSGDClassifier (class in cuml) MBSGDRegressor (class in cuml) mean_absolute_error() (in module cuml.metrics.regression) mean_squared_error() (in module cuml.metrics.regression) mean_squared_log_error() (in module cuml.metrics.regression) membership_vector() (in module cuml.cluster.hdbscan) minmax_scale() (in module cuml.preprocessing) MinMaxScaler (class in cuml.preprocessing) MissingIndicator (class in cuml.preprocessing) module cuml.benchmark.algorithms cuml.benchmark.datagen cuml.benchmark.runners cuml.compose cuml.dask.datasets.blobs cuml.dask.datasets.classification cuml.dask.datasets.regression cuml.metrics.accuracy cuml.metrics.cluster.adjusted_rand_index cuml.metrics.cluster.completeness_score cuml.metrics.cluster.entropy cuml.metrics.cluster.homogeneity_score cuml.metrics.cluster.mutual_info_score cuml.metrics.cluster.silhouette_score cuml.metrics.cluster.v_measure_score cuml.metrics.pairwise_distances cuml.metrics.pairwise_kernels cuml.metrics.regression cuml.metrics.trustworthiness MulticlassClassifier (class in cuml.multiclass) MultinomialNB (class in cuml.dask.naive_bayes) (class in cuml.naive_bayes) N named_transformers_ (cuml.compose.ColumnTransformer property) nan_euclidean_distances() (in module cuml.metrics.pairwise_distances) NearestNeighbors (class in cuml.dask.neighbors) (class in cuml.neighbors) normalize() (in module cuml.preprocessing) Normalizer (class in cuml.preprocessing) O OneHotEncoder (class in cuml.dask.preprocessing) (class in cuml.preprocessing) OneVsOneClassifier (class in cuml.multiclass) OneVsRestClassifier (class in cuml.multiclass) P pack() (cuml.tsa.ARIMA method) pairwise_distances() (in module cuml.metrics.pairwise_distances) pairwise_kernels() (in module cuml.metrics.pairwise_kernels) partial_fit() (cuml.feature_extraction.text.HashingVectorizer method) (cuml.IncrementalPCA method) (cuml.naive_bayes.CategoricalNB method) (cuml.naive_bayes.GaussianNB method) (cuml.preprocessing.MaxAbsScaler method) (cuml.preprocessing.MinMaxScaler method) (cuml.preprocessing.StandardScaler method) PCA (class in cuml) (class in cuml.dask.decomposition) PermutationExplainer (class in cuml.explainer) PolynomialFeatures (class in cuml.preprocessing) PorterStemmer (class in cuml.preprocessing.text.stem) PowerTransformer (class in cuml.preprocessing) precision_recall_curve() (in module cuml.metrics) predict() (cuml.CD method) (cuml.dask.cluster.KMeans method) (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.dask.linear_model.ElasticNet method) (cuml.dask.linear_model.Lasso method) (cuml.dask.linear_model.LinearRegression method) (cuml.dask.linear_model.Ridge method) (cuml.dask.naive_bayes.MultinomialNB method) (cuml.dask.neighbors.KNeighborsClassifier method) (cuml.dask.neighbors.KNeighborsRegressor method) (cuml.dask.solvers.CD method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) (cuml.experimental.linear_model.Lars method) (cuml.ForestInference method) (cuml.KernelRidge method) (cuml.KMeans method) (cuml.LogisticRegression method) (cuml.MBSGDClassifier method) (cuml.MBSGDRegressor method) (cuml.multiclass.MulticlassClassifier method) (cuml.neighbors.KNeighborsClassifier method) (cuml.neighbors.KNeighborsRegressor method) (cuml.QN method) (cuml.SGD method) (cuml.svm.SVR method) (cuml.tsa.ARIMA method) (cuml.tsa.auto_arima.AutoARIMA method) predict_log_proba() (cuml.LogisticRegression method) predict_model_on_cpu() (cuml.dask.ensemble.RandomForestClassifier method) predict_proba() (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.neighbors.KNeighborsClassifier method) (cuml.ensemble.RandomForestClassifier method) (cuml.ForestInference method) (cuml.LogisticRegression method) (cuml.neighbors.KNeighborsClassifier method) predictClass() (cuml.SGD method) Q QN (class in cuml) QuantileTransformer (class in cuml.preprocessing) R r2_score() (in module cuml.metrics.regression) random_state RandomForestClassifier (class in cuml.dask.ensemble) (class in cuml.ensemble) RandomForestRegressor (class in cuml.dask.ensemble) (class in cuml.ensemble) Ridge (class in cuml) (class in cuml.dask.linear_model) robust_scale() (in module cuml.preprocessing) RobustScaler (class in cuml.preprocessing) roc_auc_score() (in module cuml.metrics) run_cpu() (cuml.benchmark.algorithms.AlgorithmPair method) run_cuml() (cuml.benchmark.algorithms.AlgorithmPair method) run_variations() (in module cuml.benchmark.runners) S sample() (cuml.neighbors.KernelDensity method) scale() (in module cuml.preprocessing) score() (cuml.dask.cluster.KMeans method) (cuml.dask.naive_bayes.MultinomialNB method) (cuml.dask.neighbors.KNeighborsClassifier method) (cuml.dask.neighbors.KNeighborsRegressor method) (cuml.ensemble.RandomForestClassifier method) (cuml.ensemble.RandomForestRegressor method) (cuml.ExponentialSmoothing method) (cuml.KMeans method) (cuml.neighbors.KernelDensity method) score_samples() (cuml.neighbors.KernelDensity method) search() (cuml.tsa.auto_arima.AutoARIMA method) set_fit_params() (cuml.tsa.ARIMA method) set_global_output_type() (in module cuml.internals.memory_utils) set_params() (cuml.compose.ColumnTransformer method) (cuml.dask.ensemble.RandomForestClassifier method) (cuml.dask.ensemble.RandomForestRegressor method) (cuml.ElasticNet method) (cuml.LogisticRegression method) (cuml.MBSGDClassifier method) (cuml.MBSGDRegressor method) (cuml.Ridge method) (cuml.tsa.ARIMA method) SGD (class in cuml) shap_interaction_values() (cuml.explainer.TreeExplainer method) shap_values() (cuml.explainer.KernelExplainer method) (cuml.explainer.PermutationExplainer method) (cuml.explainer.TreeExplainer method) SimpleImputer (class in cuml.preprocessing) simplicial_set_embedding() (in module cuml.manifold.umap) sparse_pairwise_distances() (in module cuml.metrics.pairwise_distances) SparseRandomProjection (class in cuml.random_projection) SpeedupComparisonRunner (class in cuml.benchmark.runners) StandardScaler (class in cuml.preprocessing) stem() (cuml.preprocessing.text.stem.PorterStemmer method) summary() (cuml.tsa.auto_arima.AutoARIMA method) SVR (class in cuml.svm) T TargetEncoder (class in cuml.preprocessing.TargetEncoder) TfidfTransformer (class in cuml.dask.feature_extraction.text) TfidfVectorizer (class in cuml.feature_extraction.text) train_test_split() (in module cuml.model_selection) transform() (cuml.compose.ColumnTransformer method) (cuml.dask.cluster.KMeans method) (cuml.dask.decomposition.PCA method) (cuml.dask.decomposition.TruncatedSVD method) (cuml.dask.feature_extraction.text.TfidfTransformer method) (cuml.dask.manifold.UMAP method) (cuml.dask.preprocessing.LabelBinarizer method) (cuml.dask.preprocessing.LabelEncoder.LabelEncoder method) (cuml.dask.preprocessing.OneHotEncoder method) (cuml.feature_extraction.text.CountVectorizer method) (cuml.feature_extraction.text.HashingVectorizer method) (cuml.feature_extraction.text.TfidfVectorizer method) (cuml.IncrementalPCA method) (cuml.KMeans method) (cuml.PCA method) (cuml.preprocessing.Binarizer method) (cuml.preprocessing.FunctionTransformer method) (cuml.preprocessing.KBinsDiscretizer method) (cuml.preprocessing.KernelCenterer method) (cuml.preprocessing.LabelBinarizer method) (cuml.preprocessing.LabelEncoder.LabelEncoder method) (cuml.preprocessing.MaxAbsScaler method) (cuml.preprocessing.MinMaxScaler method) (cuml.preprocessing.MissingIndicator method) (cuml.preprocessing.Normalizer method) (cuml.preprocessing.OneHotEncoder method) (cuml.preprocessing.PolynomialFeatures method) (cuml.preprocessing.PowerTransformer method) (cuml.preprocessing.QuantileTransformer method) (cuml.preprocessing.RobustScaler method) (cuml.preprocessing.SimpleImputer method) (cuml.preprocessing.StandardScaler method) (cuml.preprocessing.TargetEncoder.TargetEncoder method) (cuml.TruncatedSVD method) (cuml.UMAP method) TreeExplainer (class in cuml.explainer) TruncatedSVD (class in cuml) (class in cuml.dask.decomposition) trustworthiness() (in module cuml.metrics.trustworthiness) TSNE (class in cuml) U UMAP (class in cuml) (class in cuml.dask.manifold) unpack() (cuml.tsa.ARIMA method) using_output_type() (in module cuml.internals.memory_utils)