Package: iai 1.10.1

iai: Interface to 'Interpretable AI' Modules

An interface to the algorithms of 'Interpretable AI' <https://www.interpretable.ai> from the R programming language. 'Interpretable AI' provides various modules, including 'Optimal Trees' for classification, regression, prescription and survival analysis, 'Optimal Imputation' for missing data imputation and outlier detection, and 'Optimal Feature Selection' for exact sparse regression. The 'iai' package is an open-source project. The 'Interpretable AI' software modules are proprietary products, but free academic and evaluation licenses are available.

Authors:Jack Dunn [aut, cre], Ying Zhuo [aut], Interpretable AI LLC [cph]

iai_1.10.1.tar.gz
iai_1.10.1.zip(r-4.5)iai_1.10.1.zip(r-4.4)iai_1.10.1.zip(r-4.3)
iai_1.10.1.tgz(r-4.4-any)iai_1.10.1.tgz(r-4.3-any)
iai_1.10.1.tar.gz(r-4.5-noble)iai_1.10.1.tar.gz(r-4.4-noble)
iai_1.10.1.tgz(r-4.4-emscripten)iai_1.10.1.tgz(r-4.3-emscripten)
iai.pdf |iai.html
iai/json (API)
NEWS

# Install 'iai' in R:
install.packages('iai', repos = c('https://jackdunnnz.r-universe.dev', 'https://cloud.r-project.org'))

Peer review:

On CRAN:

This package does not link to any Github/Gitlab/R-forge repository. No issue tracker or development information is available.

161 exports 1 stars 0.23 score 40 dependencies 2 scripts 715 downloads

Last updated 3 months agofrom:ca4951f22f. Checks:OK: 7. Indexed: yes.

TargetResultDate
Doc / VignettesOKSep 17 2024
R-4.5-winOKSep 17 2024
R-4.5-linuxOKSep 17 2024
R-4.4-winOKSep 17 2024
R-4.4-macOKSep 17 2024
R-4.3-winOKSep 17 2024
R-4.3-macOKSep 17 2024

Exports:acquire_licenseadd_julia_processesall_treatment_combinationsapplyapply_nodesas.mixeddatacategorical_classification_reward_estimatorcategorical_regression_reward_estimatorcategorical_reward_estimatorcategorical_survival_reward_estimatorcleanup_installationcloneconvert_treatments_to_numericcopy_splits_and_refit_leavesdecision_pathdelete_rich_output_paramequal_propensity_estimatorfitfit_and_expandfit_cvfit_predictfit_transformfit_transform_cvget_best_paramsget_classification_labelget_classification_probaget_cluster_assignmentsget_cluster_detailsget_cluster_distancesget_depthget_estimation_densitiesget_features_usedget_grid_result_detailsget_grid_result_summaryget_grid_resultsget_learnerget_lower_childget_machine_idget_num_fitsget_num_nodesget_num_samplesget_paramsget_parentget_policy_treatment_outcomeget_policy_treatment_outcome_standard_errorget_policy_treatment_rankget_prediction_constantget_prediction_weightsget_prescription_treatment_rankget_regression_constantget_regression_weightsget_rich_output_paramsget_roc_curve_dataget_split_categoriesget_split_featureget_split_thresholdget_split_weightsget_stability_resultsget_survival_curveget_survival_curve_dataget_survival_expected_timeget_survival_hazardget_train_errorsget_treeget_upper_childglmnetcv_classifierglmnetcv_regressorglmnetcv_survival_learnergrid_searchiai_setupimputation_learnerimputeimpute_cvinstall_juliainstall_system_imageis_categoric_splitis_hyperplane_splitis_leafis_mixed_ordinal_splitis_mixed_parallel_splitis_ordinal_splitis_parallel_splitload_graphvizmean_imputation_learnermissing_goes_lowermulti_questionnairemulti_tree_plotnumeric_classification_reward_estimatornumeric_regression_reward_estimatornumeric_reward_estimatornumeric_survival_reward_estimatoropt_knn_imputation_learneropt_svm_imputation_learneropt_tree_imputation_learneroptimal_feature_selection_classifieroptimal_feature_selection_regressoroptimal_tree_classifieroptimal_tree_multi_classifieroptimal_tree_multi_regressoroptimal_tree_policy_maximizeroptimal_tree_policy_minimizeroptimal_tree_prescription_maximizeroptimal_tree_prescription_minimizeroptimal_tree_regressoroptimal_tree_survival_learneroptimal_tree_survivorpredictpredict_expected_survival_timepredict_hazardpredict_outcomespredict_probapredict_rewardpredict_shappredict_treatment_outcomepredict_treatment_outcome_standard_errorpredict_treatment_rankprint_pathprune_treesquestionnairerand_imputation_learnerrandom_forest_classifierrandom_forest_regressorrandom_forest_survival_learnerread_jsonrefit_leavesrelease_licensereset_display_labelresume_from_checkpointreward_estimatorroc_curvescoreset_display_labelset_julia_seedset_paramsset_reward_kernel_bandwidthset_rich_output_paramset_thresholdshow_in_browsershow_questionnairesimilarity_comparisonsingle_knn_imputation_learnersplit_datastability_analysistransformtransform_and_expandtree_plottune_reward_kernel_bandwidthvariable_importancevariable_importance_similaritywrite_boosterwrite_dotwrite_htmlwrite_jsonwrite_pdfwrite_pngwrite_questionnairewrite_svgxgboost_classifierxgboost_regressorxgboost_survival_learnerzero_imputation_learner

Dependencies:clicolorspacecowplotevaluatefansifarverggplot2gluegtablehighrisobandJuliaCallknitrlabelinglatticelifecyclemagrittrMASSMatrixmgcvmunsellnlmepillarpkgconfigR6rappdirsRColorBrewerRcpprjsonrlangscalesstringistringrtibbleutf8vctrsviridisLitewithrxfunyaml

Readme and manuals

Help Manual

Help pageTopics
Acquire an IAI license for the current session.acquire_license
Add additional Julia worker processes to parallelize workloadsadd_julia_processes
Return a dataframe containing all treatment combinations of one or more treatment vectors, ready for use as treatment candidates in `fit_predict!` or `predict`all_treatment_combinations
Return the leaf index in a tree model into which each point in the features fallsapply
Return the indices of the points in the features that fall into each node of a trained tree modelapply_nodes
Convert a vector of values to IAI mixed data formatas.mixeddata
Construct a 'ggplot2::ggplot' object plotting grid search results for Optimal Feature Selection learnersautoplot.grid_search
Construct a 'ggplot2::ggplot' object plotting the ROC curveautoplot.roc_curve
Construct a 'ggplot2::ggplot' object plotting the results of the similarity comparisonautoplot.similarity_comparison
Construct a 'ggplot2::ggplot' object plotting the results of the stability analysisautoplot.stability_analysis
Learner for conducting reward estimation with categorical treatments and classification outcomescategorical_classification_reward_estimator
Learner for conducting reward estimation with categorical treatments and regression outcomescategorical_regression_reward_estimator
Learner for conducting reward estimation with categorical treatmentscategorical_reward_estimator
Learner for conducting reward estimation with categorical treatments and survival outcomescategorical_survival_reward_estimator
Remove all traces of automatic Julia/IAI installationcleanup_installation
Return an unfitted copy of a learner with the same parametersclone
Convert `treatments` from symbol/string format into numeric values.convert_treatments_to_numeric
Copy the tree split structure from one learner into another and refit the models in each leaf of the tree using the supplied datacopy_splits_and_refit_leaves
Return a matrix where entry '(i, j)' is true if the 'i'th point in the features passes through the 'j'th node in a trained tree model.decision_path
Delete a global rich output parameterdelete_rich_output_param
Learner that estimates equal propensity for all treatments.equal_propensity_estimator
Generic function for fitting a learner.fit
Fit an imputation learner with training features and create adaptive indicator features to encode the missing patternfit_and_expand
Fits a grid search to the training data with cross-validationfit_cv
Generic function for fitting a reward estimator on features, treatments and returning predicted counterfactual rewards and scores of the internal estimators.fit_predict
Fit a categorical reward estimator on features, treatments and outcomes and return predicted counterfactual rewards for each observation, under each treatment observed in the data, as well as the scores of the internal estimators.fit_predict.categorical_reward_estimator
Fit a numeric reward estimator on features, treatments and outcomes and return predicted counterfactual rewards for each observation, under each treatment candidate, as well as the scores of the internal estimators.fit_predict.numeric_reward_estimator
Fit an imputation model using the given features and impute the missing values in these featuresfit_transform
Train a grid using cross-validation with features and impute all missing values in these featuresfit_transform_cv
Fits a 'grid_search' to the training datafit.grid_search
Fits an imputation learner to the training data.fit.imputation_learner
Fits a model to the training datafit.learner
Fits an Optimal Feature Selection learner to the training datafit.optimal_feature_selection_learner
Return the best parameter combination from a gridget_best_params
Generic function for returning the predicted label in the node of a classification treeget_classification_label
Return the predicted label at a node of a treeget_classification_label.classification_tree_learner
Return the predicted label at a node of a multi-task treeget_classification_label.classification_tree_multi_learner
Generic function for returning the probabilities of class membership at a node of a classification treeget_classification_proba
Return the predicted probabilities of class membership at a node of a treeget_classification_proba.classification_tree_learner
Return the predicted probabilities of class membership at a node of a multi-task treeget_classification_proba.classification_tree_multi_learner
Return the indices of the trees assigned to each cluster, under the clustering of a given number of treesget_cluster_assignments
Return the centroid information for each cluster, under the clustering of a given number of treesget_cluster_details
Return the distances between the centroids of each pair of clusters, under the clustering of a given number of treesget_cluster_distances
Get the depth of a node of a treeget_depth
Return the total kernel density surrounding each treatment candidate for the propensity/outcome estimation problems in a fitted learner.get_estimation_densities
Return the names of the features used by the learnerget_features_used
Return a vector of lists detailing the results of the grid searchget_grid_result_details
Return a summary of the results from the grid searchget_grid_result_summary
Return a summary of the results from the grid searchget_grid_results
Return the fitted learner using the best parameter combination from a gridget_learner
Get the index of the lower child at a split node of a treeget_lower_child
Return the machine ID for the current computer.get_machine_id
Generic function for returning the number of fits in a trained learnerget_num_fits
Return the number of fits along the path in a trained GLMNet learnerget_num_fits.glmnetcv_learner
Return the number of fits along the path in a trained Optimal Feature Selection learnerget_num_fits.optimal_feature_selection_learner
Return the number of nodes in a trained learnerget_num_nodes
Get the number of training points contained in a node of a treeget_num_samples
Return the value of all parameters on a learnerget_params
Get the index of the parent node at a node of a treeget_parent
Return the quality of the treatments at a node of a treeget_policy_treatment_outcome
Return the standard error for the quality of the treatments at a node of a treeget_policy_treatment_outcome_standard_error
Return the treatments ordered from most effective to least effective at a node of a treeget_policy_treatment_rank
Generic function for returning the prediction constant in a trained learnerget_prediction_constant
Return the constant term in the prediction in a trained GLMNet learnerget_prediction_constant.glmnetcv_learner
Return the constant term in the prediction in a trained Optimal Feature Selection learnerget_prediction_constant.optimal_feature_selection_learner
Generic function for returning the prediction weights in a trained learnerget_prediction_weights
Return the weights for numeric and categoric features used for prediction in a trained GLMNet learnerget_prediction_weights.glmnetcv_learner
Return the weights for numeric and categoric features used for prediction in a trained Optimal Feature Selection learnerget_prediction_weights.optimal_feature_selection_learner
Return the treatments ordered from most effective to least effective at a node of a treeget_prescription_treatment_rank
Generic function for returning the constant term in the regression prediction at a node of a treeget_regression_constant
Return the constant term in the logistic regression prediction at a node of a classification treeget_regression_constant.classification_tree_learner
Return the constant term in the logistic regression prediction at a node of a multi-task classification treeget_regression_constant.classification_tree_multi_learner
Return the constant term in the linear regression prediction at a node of a prescription treeget_regression_constant.prescription_tree_learner
Return the constant term in the linear regression prediction at a node of a regression treeget_regression_constant.regression_tree_learner
Return the constant term in the linear regression prediction at a node of a multi-task regression treeget_regression_constant.regression_tree_multi_learner
Return the constant term in the cox regression prediction at a node of a survival treeget_regression_constant.survival_tree_learner
Generic function for returning the weights for each feature in the regression prediction at a node of a treeget_regression_weights
Return the weights for each feature in the logistic regression prediction at a node of a classification treeget_regression_weights.classification_tree_learner
Return the weights for each feature in the logistic regression prediction at a node of a multi-task classification treeget_regression_weights.classification_tree_multi_learner
Return the weights for each feature in the linear regression prediction at a node of a prescription treeget_regression_weights.prescription_tree_learner
Return the weights for each feature in the linear regression prediction at a node of a regression treeget_regression_weights.regression_tree_learner
Return the weights for each feature in the linear regression prediction at a node of a multi-task regression treeget_regression_weights.regression_tree_multi_learner
Return the weights for each feature in the cox regression prediction at a node of a survival treeget_regression_weights.survival_tree_learner
Return the current global rich output parameter settingsget_rich_output_params
Extract the underlying data from an ROC curveget_roc_curve_data
Return the categoric/ordinal information used in the split at a node of a treeget_split_categories
Return the feature used in the split at a node of a treeget_split_feature
Return the threshold used in the split at a node of a treeget_split_threshold
Return the weights for numeric and categoric features used in the hyperplane split at a node of a treeget_split_weights
Return the trained trees in order of increasing objective value, along with their variable importance scores for each featureget_stability_results
Return the survival curve at a node of a treeget_survival_curve
Extract the underlying data from a survival curve (as returned by 'predict.survival_learner' or 'get_survival_curve')get_survival_curve_data
Return the predicted expected survival time at a node of a treeget_survival_expected_time
Return the predicted hazard ratio at a node of a treeget_survival_hazard
Extract the training objective value for each candidate tree in the comparison, where a lower value indicates a better solutionget_train_errors
Return a copy of the learner that uses a specific tree rather than the tree with the best training objective.get_tree
Get the index of the upper child at a split node of a treeget_upper_child
Learner for training GLMNet models for classification problems with cross-validationglmnetcv_classifier
Learner for training GLMNet models for regression problems with cross-validationglmnetcv_regressor
Learner for training GLMNet models for survival problems with cross-validationglmnetcv_survival_learner
Controls grid search over parameter combinationsgrid_search
Initialize Julia and the IAI package.iai_setup
Generic learner for imputing missing valuesimputation_learner
Impute missing values using either a specified method or through validationimpute
Impute missing values using cross validationimpute_cv
Download and install Julia automatically.install_julia
Download and install the IAI system image automatically.install_system_image
Check if a node of a tree applies a categoric splitis_categoric_split
Check if a node of a tree applies a hyperplane splitis_hyperplane_split
Check if a node of a tree is a leafis_leaf
Check if a node of a tree applies a mixed ordinal/categoric splitis_mixed_ordinal_split
Check if a node of a tree applies a mixed parallel/categoric splitis_mixed_parallel_split
Check if a node of a tree applies a ordinal splitis_ordinal_split
Check if a node of a tree applies a parallel splitis_parallel_split
Loads the Julia Graphviz library to permit certain visualizations.load_graphviz
Learner for conducting mean imputationmean_imputation_learner
Check if points with missing values go to the lower child at a split node of of a treemissing_goes_lower
Generic function for constructing an interactive questionnaire with multiple learnersmulti_questionnaire
Construct an interactive questionnaire from multiple specified learnersmulti_questionnaire.default
Construct an interactive tree questionnaire using multiple learners from the results of a grid searchmulti_questionnaire.grid_search
Generic function for constructing an interactive tree visualization of multiple tree learnersmulti_tree_plot
Construct an interactive tree visualization of multiple tree learners as specified by questionsmulti_tree_plot.default
Construct an interactive tree visualization of multiple tree learners from the results of a grid searchmulti_tree_plot.grid_search
Learner for conducting reward estimation with numeric treatments and classification outcomesnumeric_classification_reward_estimator
Learner for conducting reward estimation with numeric treatments and regression outcomesnumeric_regression_reward_estimator
Learner for conducting reward estimation with numeric treatmentsnumeric_reward_estimator
Learner for conducting reward estimation with numeric treatments and survival outcomesnumeric_survival_reward_estimator
Learner for conducting optimal k-NN imputationopt_knn_imputation_learner
Learner for conducting optimal SVM imputationopt_svm_imputation_learner
Learner for conducting optimal tree-based imputationopt_tree_imputation_learner
Learner for conducting Optimal Feature Selection on classification problemsoptimal_feature_selection_classifier
Learner for conducting Optimal Feature Selection on regression problemsoptimal_feature_selection_regressor
Learner for training Optimal Classification Treesoptimal_tree_classifier
Learner for training multi-task Optimal Classification Treesoptimal_tree_multi_classifier
Learner for training multi-task Optimal Regression Treesoptimal_tree_multi_regressor
Learner for training Optimal Policy Trees where the policy should aim to maximize outcomesoptimal_tree_policy_maximizer
Learner for training Optimal Policy Trees where the policy should aim to minimize outcomesoptimal_tree_policy_minimizer
Learner for training Optimal Prescriptive Trees where the prescriptions should aim to maximize outcomesoptimal_tree_prescription_maximizer
Learner for training Optimal Prescriptive Trees where the prescriptions should aim to minimize outcomesoptimal_tree_prescription_minimizer
Learner for training Optimal Regression Treesoptimal_tree_regressor
Learner for training Optimal Survival Treesoptimal_tree_survival_learner
Learner for training Optimal Survival Treesoptimal_tree_survivor
Plot a grid search results for Optimal Feature Selection learnersplot.grid_search
Plot an ROC curveplot.roc_curve
Plot a similarity comparisonplot.similarity_comparison
Plot a stability analysisplot.stability_analysis
Generic function for returning the predictions of a modelpredict
Generic function for returning the expected survival time predicted by a modelpredict_expected_survival_time
Return the expected survival time estimate made by a 'glmnetcv_survival_learner' for each point in the features.predict_expected_survival_time.glmnetcv_survival_learner
Return the expected survival time estimate made by a survival curve (as returned by 'predict.survival_learner' or 'get_survival_curve')predict_expected_survival_time.survival_curve
Return the expected survival time estimate made by a survival learner for each point in the features.predict_expected_survival_time.survival_learner
Generic function for returning the hazard coefficient predicted by a modelpredict_hazard
Return the fitted hazard coefficient estimate made by a 'glmnetcv_survival_learner' for each point in the features.predict_hazard.glmnetcv_survival_learner
Return the fitted hazard coefficient estimate made by a survival learner for each point in the features.predict_hazard.survival_learner
Generic function for returning the outcomes predicted by a model under each treatmentpredict_outcomes
Return the predicted outcome for each treatment made by a policy learner for each point in the featurespredict_outcomes.policy_learner
Return the predicted outcome for each treatment made by a prescription learner for each point in the featurespredict_outcomes.prescription_learner
Generic function for returning the probabilities of class membership predicted by a modelpredict_proba
Return the probabilities of class membership predicted by a classification learner for each point in the featurespredict_proba.classification_learner
Return the probabilities of class membership predicted by a multi-task classification learner for each point in the featurespredict_proba.classification_multi_learner
Return the probabilities of class membership predicted by a 'glmnetcv_classifier' learner for each point in the featurespredict_proba.glmnetcv_classifier
Generic function for returning the counterfactual rewards estimated by a model under each treatmentpredict_reward
Return counterfactual rewards estimated by a categorical reward estimator for each observation in the supplied data and predictionspredict_reward.categorical_reward_estimator
Return counterfactual rewards estimated by a numeric reward estimator for each observation in the supplied data and predictionspredict_reward.numeric_reward_estimator
Calculate SHAP values for all points in the features using the learnerpredict_shap
Return the estimated quality of each treatment in the trained model of the learner for each point in the featurespredict_treatment_outcome
Return the standard error for the estimated quality of each treatment in the trained model of the learner for each point in the featurespredict_treatment_outcome_standard_error
Return the treatments in ranked order of effectiveness for each point in the featurespredict_treatment_rank
Return counterfactual rewards estimated by a categorical reward estimator for each observation in the supplied datapredict.categorical_reward_estimator
Return the predictions made by a GLMNet learner for each point in the featurespredict.glmnetcv_learner
Return counterfactual rewards estimated by a numeric reward estimator for each observation in the supplied datapredict.numeric_reward_estimator
Return the predictions made by an Optimal Feature Selection learner for each point in the featurespredict.optimal_feature_selection_learner
Return the predictions made by a supervised learner for each point in the featurespredict.supervised_learner
Return the predictions made by a multi-task supervised learner for each point in the featurespredict.supervised_multi_learner
Return the predictions made by a survival learner for each point in the featurespredict.survival_learner
Print the decision path through the learner for each sample in the featuresprint_path
Use the trained trees in a learner along with the supplied validation data to determine the best value for the `cp` parameter and then prune the trees according to this valueprune_trees
Generic function for constructing an interactive questionnairequestionnaire
Specify an interactive questionnaire of an Optimal Feature Selection learnerquestionnaire.optimal_feature_selection_learner
Specify an interactive questionnaire of a tree learnerquestionnaire.tree_learner
Learner for conducting random imputationrand_imputation_learner
Learner for training random forests for classification problemsrandom_forest_classifier
Learner for training random forests for regression problemsrandom_forest_regressor
Learner for training random forests for survival problemsrandom_forest_survival_learner
Read in a learner or grid saved in JSON formatread_json
Refit the models in the leaves of a trained learner using the supplied datarefit_leaves
Release any IAI license held by the current session.release_license
Reset the predicted probability displayed to be that of the predicted label when visualizing a learnerreset_display_label
Resume training from a checkpoint fileresume_from_checkpoint
Learner for conducting reward estimation with categorical treatmentsreward_estimator
Generic function for constructing an ROC curveroc_curve
Construct an ROC curve using a trained classification learner on the given dataroc_curve.classification_learner
Construct an ROC curve using a trained multi-task classification learner on the given dataroc_curve.classification_multi_learner
Construct an ROC curve from predicted probabilities and true labelsroc_curve.default
Construct an ROC curve using a trained 'glmnetcv_classifier' on the given dataroc_curve.glmnetcv_classifier
Generic function for calculating scoresscore
Calculate the scores for a categorical reward estimator on the given datascore.categorical_reward_estimator
Calculate the score for a set of predictions on the given datascore.default
Calculate the score for a GLMNet learner on the given datascore.glmnetcv_learner
Calculate the scores for a numeric reward estimator on the given datascore.numeric_reward_estimator
Calculate the score for an Optimal Feature Selection learner on the given datascore.optimal_feature_selection_learner
Calculate the score for a model on the given datascore.supervised_learner
Calculate the score for a multi-task model on the given datascore.supervised_multi_learner
Show the probability of a specified label when visualizing a learnerset_display_label
Set the random seed in Juliaset_julia_seed
Set all supplied parameters on a learnerset_params
Save a new reward kernel bandwidth inside a learner, and return new reward predictions generated using this bandwidth for the original data used to train the learner.set_reward_kernel_bandwidth
Sets a global rich output parameterset_rich_output_param
For a binary classification problem, update the the predicted labels in the leaves of the learner to predict a label only if the predicted probability is at least the specified threshold.set_threshold
Generic function for showing interactive visualization in browsershow_in_browser
Show interactive visualization of an object in the default browsershow_in_browser.abstract_visualization
Show interactive visualization of a 'roc_curve' in the default browsershow_in_browser.roc_curve
Show interactive tree visualization of a tree learner in the default browsershow_in_browser.tree_learner
Generic function for showing interactive questionnaire in browsershow_questionnaire
Show an interactive questionnaire based on an Optimal Feature Selection learner in default browsershow_questionnaire.optimal_feature_selection_learner
Show an interactive questionnaire based on a tree learner in default browsershow_questionnaire.tree_learner
Conduct a similarity comparison between the final tree in a learner and all trees in a new learner to consider the tradeoff between training performance and similarity to the original treesimilarity_comparison
Learner for conducting heuristic k-NN imputationsingle_knn_imputation_learner
Split the data into training and test datasetssplit_data
Conduct a stability analysis of the trees in a tree learnerstability_analysis
Impute missing values in a dataframe using a fitted imputation modeltransform
Transform features with a trained imputation learner and create adaptive indicator features to encode the missing patterntransform_and_expand
Specify an interactive tree visualization of a tree learnertree_plot
Conduct the reward kernel bandwidth tuning procedure for a range of starting bandwidths and return the final tuned values.tune_reward_kernel_bandwidth
Generic function for calculating variable importancevariable_importance
Calculate similarity between the final tree in a tree learner with all trees in new tree learner using variable importance scores.variable_importance_similarity
Generate a ranking of the variables in a learner according to their importance during training. The results are normalized so that they sum to one.variable_importance.learner
Generate a ranking of the variables in an Optimal Feature Selection learner according to their importance during training. The results are normalized so that they sum to one.variable_importance.optimal_feature_selection_learner
Generate a ranking of the variables in a tree learner according to their importance during training. The results are normalized so that they sum to one.variable_importance.tree_learner
Write the internal booster saved in the learner to filewrite_booster
Output a learner in .dot formatwrite_dot
Generic function for writing interactive visualization to filewrite_html
Output an object as an interactive browser visualization in HTML formatwrite_html.abstract_visualization
Output an ROC curve as an interactive browser visualization in HTML formatwrite_html.roc_curve
Output a tree learner as an interactive browser visualization in HTML formatwrite_html.tree_learner
Output a learner or grid in JSON formatwrite_json
Output a learner as a PDF imagewrite_pdf
Output a learner as a PNG imagewrite_png
Generic function for writing interactive questionnaire to filewrite_questionnaire
Output an Optimal Feature Selection learner as an interactive questionnaire in HTML formatwrite_questionnaire.optimal_feature_selection_learner
Output a tree learner as an interactive questionnaire in HTML formatwrite_questionnaire.tree_learner
Output a learner as a SVG imagewrite_svg
Learner for training XGBoost models for classification problemsxgboost_classifier
Learner for training XGBoost models for regression problemsxgboost_regressor
Learner for training XGBoost models for survival problemsxgboost_survival_learner
Learner for conducting zero-imputationzero_imputation_learner