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