Home
cuml
clx
cudf
cudf-java
cugraph
cuml
cusignal
cuspatial
cuxfilter
libcudf
libcugraph
libcuml
librmm
rmm
stable (0.17)
nightly (0.18)
stable (0.17)
legacy (0.16)
Contents:
cuML API Reference
Intro and key concepts for cuML
cuML blogs and other references
Training and Evaluating Machine Learning Models in cuML
Pickling cuML Models for Persistence
cuml
»
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
Z
A
accuracy_score() (in module cuml.metrics.accuracy)
AccuracyComparisonRunner (class in cuml.benchmark.runners)
add_dummy_feature() (in module cuml.experimental.preprocessing)
adjusted_rand_score() (in module cuml.metrics.cluster.adjusted_rand_index)
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)
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)
bic() (cuml.tsa.ARIMA property)
binarize() (in module cuml.experimental.preprocessing)
Binarizer (class in cuml.experimental.preprocessing)
C
categories_() (cuml.preprocessing.OneHotEncoder property)
CD (class in cuml)
(class in cuml.dask.solvers)
classes_() (cuml.svm.SVC property)
coef_() (cuml.QN property)
complexity() (cuml.tsa.ARIMA property)
confusion_matrix() (cuml.metrics method)
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.dask.datasets.blobs
module
cuml.dask.datasets.classification
module
cuml.dask.datasets.regression
module
cuml.experimental.preprocessing
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.pairwise_distances
module
cuml.metrics.regression
module
cuml.metrics.trustworthiness
module
CumlArray (class in cuml.common)
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)
D
DBSCAN (class in cuml)
decision_function() (cuml.LogisticRegression method)
(cuml.svm.SVC 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)
dump_as_json() (cuml.ensemble.RandomForestClassifier method)
(cuml.ensemble.RandomForestRegressor method)
E
ElasticNet (class in cuml)
(class in cuml.dask.linear_model)
empty() (cuml.common.CumlArray class method)
ExponentialSmoothing (class in cuml)
F
find_ab_params() (cuml.UMAP static method)
fit() (cuml.CD 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.OneHotEncoder method)
(cuml.dask.solvers.CD method)
(cuml.DBSCAN method)
(cuml.ElasticNet method)
(cuml.ensemble.RandomForestClassifier method)
(cuml.ensemble.RandomForestRegressor method)
(cuml.experimental.decomposition.IncrementalPCA method)
(cuml.experimental.preprocessing.Binarizer method)
(cuml.experimental.preprocessing.KBinsDiscretizer method)
(cuml.experimental.preprocessing.MaxAbsScaler method)
(cuml.experimental.preprocessing.MinMaxScaler method)
(cuml.experimental.preprocessing.Normalizer method)
(cuml.experimental.preprocessing.PolynomialFeatures method)
(cuml.experimental.preprocessing.RobustScaler method)
(cuml.experimental.preprocessing.SimpleImputer method)
(cuml.experimental.preprocessing.StandardScaler method)
(cuml.ExponentialSmoothing method)
(cuml.feature_extraction.text.CountVectorizer method)
(cuml.feature_extraction.text.HashingVectorizer method)
(cuml.feature_extraction.text.TfidfVectorizer method)
(cuml.KMeans method)
(cuml.Lasso method)
(cuml.LinearRegression method)
(cuml.LogisticRegression method)
(cuml.MBSGDClassifier method)
(cuml.MBSGDRegressor method)
(cuml.MultinomialNB method)
(cuml.neighbors.KNeighborsClassifier method)
(cuml.neighbors.KNeighborsRegressor method)
(cuml.neighbors.NearestNeighbors method)
(cuml.PCA method)
(cuml.preprocessing.LabelBinarizer method)
(cuml.preprocessing.LabelEncoder.LabelEncoder method)
(cuml.preprocessing.OneHotEncoder method)
(cuml.preprocessing.TargetEncoder.TargetEncoder method)
(cuml.QN method)
(cuml.Ridge method)
(cuml.SGD method)
(cuml.svm.SVC 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.dask.cluster.KMeans method)
(cuml.DBSCAN method)
(cuml.KMeans method)
fit_transform() (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.OneHotEncoder 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.OneHotEncoder 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)
full() (cuml.common.CumlArray class method)
G
GaussianRandomProjection (class in cuml.random_projection)
gen_data() (in module cuml.benchmark.datagen)
get_combined_model() (cuml.dask.common.base.BaseEstimator method)
get_feature_names() (cuml.experimental.preprocessing.PolynomialFeatures method)
(cuml.feature_extraction.text.CountVectorizer method)
get_fit_params() (cuml.tsa.ARIMA method)
get_level() (cuml.ExponentialSmoothing method)
get_neighbors() (cuml.dask.neighbors.NearestNeighbors method)
get_param_names() (cuml.CD method)
(cuml.DBSCAN method)
(cuml.ElasticNet method)
(cuml.experimental.decomposition.IncrementalPCA method)
(cuml.ExponentialSmoothing method)
(cuml.KMeans method)
(cuml.Lasso method)
(cuml.LinearRegression method)
(cuml.LogisticRegression method)
(cuml.MBSGDClassifier method)
(cuml.MBSGDRegressor method)
(cuml.MultinomialNB method)
(cuml.neighbors.KNeighborsClassifier method)
(cuml.neighbors.KNeighborsRegressor method)
(cuml.neighbors.NearestNeighbors method)
(cuml.PCA method)
(cuml.preprocessing.LabelBinarizer method)
(cuml.preprocessing.LabelEncoder.LabelEncoder method)
(cuml.preprocessing.OneHotEncoder method)
(cuml.QN method)
(cuml.random_projection.GaussianRandomProjection method)
(cuml.random_projection.SparseRandomProjection method)
(cuml.Ridge method)
(cuml.SGD method)
(cuml.svm.SVC method)
(cuml.TruncatedSVD method)
(cuml.tsa.ARIMA method)
(cuml.TSNE method)
(cuml.UMAP method)
get_params() (cuml.dask.ensemble.RandomForestClassifier method)
(cuml.dask.ensemble.RandomForestRegressor method)
(cuml.tsa.ARIMA method)
get_season() (cuml.ExponentialSmoothing method)
get_trend() (cuml.ExponentialSmoothing method)
H
HashingVectorizer (class in cuml.feature_extraction.text)
I
IncrementalPCA (class in cuml.experimental.decomposition)
inverse_transform() (cuml.dask.decomposition.PCA method)
(cuml.dask.decomposition.TruncatedSVD method)
(cuml.dask.preprocessing.LabelBinarizer method)
(cuml.dask.preprocessing.OneHotEncoder method)
(cuml.experimental.preprocessing.KBinsDiscretizer method)
(cuml.experimental.preprocessing.MaxAbsScaler method)
(cuml.experimental.preprocessing.MinMaxScaler method)
(cuml.experimental.preprocessing.RobustScaler method)
(cuml.experimental.preprocessing.StandardScaler method)
(cuml.feature_extraction.text.CountVectorizer method)
(cuml.PCA method)
(cuml.preprocessing.LabelBinarizer method)
(cuml.preprocessing.LabelEncoder.LabelEncoder method)
(cuml.preprocessing.OneHotEncoder method)
(cuml.TruncatedSVD method)
J
johnson_lindenstrauss_min_dim() (cuml.random_projection method)
K
KBinsDiscretizer (class in cuml.experimental.preprocessing)
KernelExplainer (class in cuml.experimental.explainer)
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() (cuml.preprocessing method)
LabelBinarizer (class in cuml.dask.preprocessing)
(class in cuml.preprocessing)
LabelEncoder (class in cuml.preprocessing.LabelEncoder)
Lasso (class in cuml)
(class in cuml.dask.linear_model)
LinearRegression (class in cuml)
(class in cuml.dask.linear_model)
llf() (cuml.tsa.ARIMA property)
load() (cuml.ForestInference static method)
load_from_sklearn() (cuml.ForestInference static method)
load_from_treelite_model() (cuml.ForestInference method)
load_higgs() (in module cuml.benchmark.datagen)
load_using_treelite_handle() (cuml.ForestInference method)
LogisticRegression (class in cuml)
M
make_arima() (cuml.datasets method)
make_blobs() (cuml.datasets method)
(in module cuml.dask.datasets.blobs)
make_classification() (cuml.datasets method)
(in module cuml.dask.datasets.classification)
make_low_rank_matrix() (in module cuml.dask.datasets.regression)
make_regression() (cuml.datasets method)
(in module cuml.dask.datasets.regression)
MaxAbsScaler (class in cuml.experimental.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)
minmax_scale() (in module cuml.experimental.preprocessing)
MinMaxScaler (class in cuml.experimental.preprocessing)
module
cuml.benchmark.algorithms
cuml.benchmark.datagen
cuml.benchmark.runners
cuml.dask.datasets.blobs
cuml.dask.datasets.classification
cuml.dask.datasets.regression
cuml.experimental.preprocessing
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.pairwise_distances
cuml.metrics.regression
cuml.metrics.trustworthiness
MultinomialNB (class in cuml)
(class in cuml.dask.naive_bayes)
N
NearestNeighbors (class in cuml.dask.neighbors)
(class in cuml.neighbors)
normalize() (in module cuml.experimental.preprocessing)
Normalizer (class in cuml.experimental.preprocessing)
O
OneHotEncoder (class in cuml.dask.preprocessing)
(class in cuml.preprocessing)
ones() (cuml.common.CumlArray class method)
P
pack() (cuml.tsa.ARIMA method)
pairwise_distances() (in module cuml.metrics.pairwise_distances)
partial_fit() (cuml.experimental.decomposition.IncrementalPCA method)
(cuml.experimental.preprocessing.MaxAbsScaler method)
(cuml.experimental.preprocessing.MinMaxScaler method)
(cuml.experimental.preprocessing.StandardScaler method)
(cuml.feature_extraction.text.HashingVectorizer method)
(cuml.MultinomialNB method)
PCA (class in cuml)
(class in cuml.dask.decomposition)
PermutationExplainer (class in cuml.experimental.explainer)
PolynomialFeatures (class in cuml.experimental.preprocessing)
PorterStemmer (class in cuml.preprocessing.text.stem)
precision_recall_curve() (cuml.metrics method)
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.ElasticNet method)
(cuml.ensemble.RandomForestClassifier method)
(cuml.ensemble.RandomForestRegressor method)
(cuml.ForestInference method)
(cuml.KMeans method)
(cuml.Lasso method)
(cuml.LinearRegression method)
(cuml.LogisticRegression method)
(cuml.MBSGDClassifier method)
(cuml.MBSGDRegressor method)
(cuml.MultinomialNB method)
(cuml.neighbors.KNeighborsClassifier method)
(cuml.neighbors.KNeighborsRegressor method)
(cuml.QN method)
(cuml.Ridge method)
(cuml.SGD method)
(cuml.svm.SVC method)
(cuml.svm.SVR method)
(cuml.tsa.ARIMA method)
(cuml.tsa.auto_arima.AutoARIMA method)
predict_log_proba() (cuml.LogisticRegression method)
(cuml.MultinomialNB method)
(cuml.svm.SVC 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.MultinomialNB method)
(cuml.neighbors.KNeighborsClassifier method)
(cuml.svm.SVC method)
predictClass() (cuml.SGD method)
print_detailed() (cuml.dask.ensemble.RandomForestClassifier method)
(cuml.dask.ensemble.RandomForestRegressor method)
(cuml.ensemble.RandomForestClassifier method)
(cuml.ensemble.RandomForestRegressor method)
print_summary() (cuml.dask.ensemble.RandomForestClassifier method)
(cuml.dask.ensemble.RandomForestRegressor method)
(cuml.ensemble.RandomForestClassifier method)
(cuml.ensemble.RandomForestRegressor method)
Q
QN (class in cuml)
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.experimental.preprocessing)
RobustScaler (class in cuml.experimental.preprocessing)
roc_auc_score() (cuml.metrics method)
run_cpu() (cuml.benchmark.algorithms.AlgorithmPair method)
run_cuml() (cuml.benchmark.algorithms.AlgorithmPair method)
run_variations() (in module cuml.benchmark.runners)
S
scale() (in module cuml.experimental.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.QN method)
search() (cuml.tsa.auto_arima.AutoARIMA method)
set_fit_params() (cuml.tsa.ARIMA method)
set_global_output_type() (cuml.common.memory_utils method)
set_params() (cuml.dask.ensemble.RandomForestClassifier method)
(cuml.dask.ensemble.RandomForestRegressor method)
(cuml.tsa.ARIMA method)
SGD (class in cuml)
shap_values() (cuml.experimental.explainer.KernelExplainer method)
(cuml.experimental.explainer.PermutationExplainer method)
SimpleImputer (class in cuml.experimental.preprocessing)
SparseRandomProjection (class in cuml.random_projection)
SpeedupComparisonRunner (class in cuml.benchmark.runners)
StandardScaler (class in cuml.experimental.preprocessing)
stem() (cuml.preprocessing.text.stem.PorterStemmer method)
summary() (cuml.tsa.auto_arima.AutoARIMA method)
SVC (class in cuml.svm)
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)
to_output() (cuml.common.CumlArray method)
train_test_split() (cuml.preprocessing.model_selection method)
transform() (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.OneHotEncoder method)
(cuml.experimental.decomposition.IncrementalPCA method)
(cuml.experimental.preprocessing.Binarizer method)
(cuml.experimental.preprocessing.KBinsDiscretizer method)
(cuml.experimental.preprocessing.MaxAbsScaler method)
(cuml.experimental.preprocessing.MinMaxScaler method)
(cuml.experimental.preprocessing.Normalizer method)
(cuml.experimental.preprocessing.PolynomialFeatures method)
(cuml.experimental.preprocessing.RobustScaler method)
(cuml.experimental.preprocessing.SimpleImputer method)
(cuml.experimental.preprocessing.StandardScaler 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.OneHotEncoder method)
(cuml.preprocessing.TargetEncoder.TargetEncoder method)
(cuml.TruncatedSVD method)
(cuml.UMAP method)
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)
update_log_probs() (cuml.MultinomialNB method)
using_output_type() (cuml.common.memory_utils method)
V
validate_hyperparams() (cuml.UMAP method)
Z
zeros() (cuml.common.CumlArray class method)