DeepInsight Python SDK
Contents:
deepinsight
DeepInsight Python SDK
Docs
»
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Z
A
activate_version() (deepinsight.core.saved_model.Model method)
active_writers (deepinsight.core.dataset_write.DatasetWriter attribute)
add_column() (deepinsight.doctor.multiframe.DataFrameBuilder method)
add_column_to_builder() (in module deepinsight.doctor.preprocessing.dataframe_preprocessing)
add_evaluation_columns() (in module deepinsight.doctor.prediction.reg_evaluation_recipe)
add_formatting_args() (in module deepinsight.apinode.admin.utils)
add_future_step() (deepinsight.doctor.utils.listener.ProgressListener method)
add_future_steps() (deepinsight.doctor.utils.listener.ProgressListener method)
add_key() (deepinsightapi.apinode_admin.auth.APINodeAuth method)
add_metric() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
(deepinsight.doctor.prediction.scoring_base.PredictionModelScorer method)
add_per_column_mapping() (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping method)
add_read_partitions() (deepinsight.core.base.Computable method)
(deepinsight.Dataset method)
(deepinsight.core.dataset.Dataset method)
add_whole_block_mapping() (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping method)
AddReferenceInOutput (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
admin_key_create() (in module deepinsight.apinode.admin.auth_commands)
admin_key_delete() (in module deepinsight.apinode.admin.auth_commands)
admin_keys_list() (in module deepinsight.apinode.admin.auth_commands)
aggregate_grid_dir() (deepinsight.doctor.crossval.grid_search_cv.CVInterruptWatcherThread method)
aggregate_less_frequent_values() (deepinsight.doctor.posttraining.partial_depency.PartialDependencyComputer method)
algorithm (deepinsight.doctor.notebook_builder.NotebookBuilder attribute)
(deepinsight.doctor.prediction.classification_fit.DecisionTreeClassification attribute)
(deepinsight.doctor.prediction.classification_fit.ExtraTreesClassification attribute)
(deepinsight.doctor.prediction.classification_fit.GBTClassification attribute)
(deepinsight.doctor.prediction.classification_fit.KNNClassification attribute)
(deepinsight.doctor.prediction.classification_fit.LARSClassification attribute)
(deepinsight.doctor.prediction.classification_fit.LogisticRegClassification attribute)
(deepinsight.doctor.prediction.classification_fit.NeuralNetworkClassification attribute)
(deepinsight.doctor.prediction.classification_fit.RFClassification attribute)
(deepinsight.doctor.prediction.classification_fit.SGDClassification attribute)
(deepinsight.doctor.prediction.classification_fit.SVCClassification attribute)
(deepinsight.doctor.prediction.classification_fit.ScikitClassification attribute)
(deepinsight.doctor.prediction.classification_fit.XGBClassification attribute)
(deepinsight.doctor.prediction.common.PredictionAlgorithm attribute)
(deepinsight.doctor.prediction.regression_fit.DecisionTreeRegression attribute)
(deepinsight.doctor.prediction.regression_fit.ExtraTreesRegression attribute)
(deepinsight.doctor.prediction.regression_fit.GBTRegression attribute)
(deepinsight.doctor.prediction.regression_fit.KNNRegression attribute)
(deepinsight.doctor.prediction.regression_fit.LARSRegression attribute)
(deepinsight.doctor.prediction.regression_fit.LassoRegression attribute)
(deepinsight.doctor.prediction.regression_fit.LeastSquareRegression attribute)
(deepinsight.doctor.prediction.regression_fit.NeuralNetworkRegression attribute)
(deepinsight.doctor.prediction.regression_fit.RFRegression attribute)
(deepinsight.doctor.prediction.regression_fit.RidgeRegression attribute)
(deepinsight.doctor.prediction.regression_fit.SGDRegression attribute)
(deepinsight.doctor.prediction.regression_fit.SVMRegression attribute)
(deepinsight.doctor.prediction.regression_fit.ScikitRegression attribute)
(deepinsight.doctor.prediction.regression_fit.XGBoostRegression attribute)
AllInteractionFeaturesGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
APINodeAuth (class in deepinsightapi.apinode_admin.auth)
APINodeClient (class in deepinsightapi.apinode_client)
append_df() (deepinsight.doctor.multiframe.MultiFrame method)
append_np_block() (deepinsight.doctor.multiframe.MultiFrame method)
append_sparse() (deepinsight.doctor.multiframe.MultiFrame method)
append_sparse_with_prefix() (in module deepinsight.doctor.preprocessing.dataframe_preprocessing)
as_csr_matrix() (deepinsight.doctor.multiframe.MultiFrame method)
as_dataframe() (deepinsight.doctor.multiframe.MultiFrame method)
as_np_array() (deepinsight.doctor.multiframe.MultiFrame method)
atexit_handler() (deepinsight.core.dataset_write.DatasetWriter static method)
auth() (deepinsightapi.apinode_client.APINodeClient method)
AverageEnsembler (class in deepinsight.doctor.prediction.ensembles)
B
backend_api_get_call() (in module deepinsight.core.intercom)
backend_api_post_call() (in module deepinsight.core.intercom)
backend_api_put_call() (in module deepinsight.core.intercom)
backend_get_call() (in module deepinsight.core.intercom)
backend_json_call() (in module deepinsight.core.intercom)
backend_put_call() (in module deepinsight.core.intercom)
backend_stream_call() (in module deepinsight.core.intercom)
backend_void_call() (in module deepinsight.core.intercom)
balanced_subsampling() (deepinsight.doctor.utils.subsampler.Subsampler method)
BaseCountVectorizerProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
BasePredictor (class in deepinsight.core.saved_model)
BinarizeSeries (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
binary_classif_scoring_add_percentile_and_cond_outputs() (in module deepinsight.doctor.prediction.classification_scoring)
binary_classification_predict() (in module deepinsight.doctor.prediction.classification_scoring)
binary_classification_predict_ensemble() (in module deepinsight.doctor.prediction.classification_scoring)
binary_classification_predict_single() (in module deepinsight.doctor.prediction.classification_scoring)
binary_classification_scorer_with_valid() (in module deepinsight.doctor.prediction.classification_scoring)
BinaryClassificationModelScorer (class in deepinsight.doctor.prediction.classification_scoring)
BinaryClassificationPreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
BinaryModelSerializer (class in deepinsight.doctor.prediction.prediction_model_serialization)
block_as_np_array() (deepinsight.doctor.multiframe.MultiFrame static method)
BlockStdRescalingProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
build() (deepinsight.doctor.prediction.regression_scoring.GradientBoostingSummaryBuilder method)
(deepinsight.doctor.prediction.regression_scoring.PartialDependencyPlotBuilder method)
(deepinsight.doctor.prediction.regression_scoring.RandomForestSummaryBuilder method)
(deepinsight.doctor.prediction.regression_scoring.TreeSummaryBuilder method)
(deepinsight.doctor.preprocessing_collector.PreprocessingDataCollector method)
(deepinsight.doctor.preprocessing_handler.PreprocessingHandler static method)
(deepinsight.doctor.utils.lift_curve.LiftBuilder method)
build_cv() (in module deepinsight.doctor.prediction.common)
build_facts() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
build_heatmap() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
build_numerical_cluster_stats() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
build_pipeline_and_handler() (in module deepinsight.doctor.commands)
build_predictor() (in module deepinsight.core.saved_model)
build_predictor_for_saved_model() (in module deepinsight.core.saved_model)
build_preprocessing_pipeline() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
build_scatter() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
build_scored_validation_data() (in module deepinsight.doctor.deep_learning.keras_support)
build_selection() (deepinsight.doctor.prediction.feature_selection.FeatureSelectionStep static method)
C
categorical_preprocessing_context() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
(deepinsight.doctor.notebook_builder.PredictionNotebookBuilder method)
CategoricalCategoricalInteraction (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
CategoricalFeatureHashingProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
CategoricalImpactCoding (class in deepinsight.doctor.preprocessing.impact_coding)
CategoricalsCountTransformerGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
CategoricalsImpactCodingTransformerGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
category_possible_values() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
check_model_output_dimension() (in module deepinsight.doctor.deep_learning.keras_support)
check_test_set_ok_for_classification() (in module deepinsight.doctor.utils.metrics)
check_timeout() (deepinsight.core.dataset.IteratorWithTimeOut method)
class_weight (deepinsight.doctor.prediction.dt_xgboost.DTXGBClassifier attribute)
classes_ (deepinsight.doctor.forest.IML attribute)
classification_fit() (in module deepinsight.doctor.prediction.classification_fit)
classification_fit_ensemble() (in module deepinsight.doctor.prediction.classification_fit)
ClassificationCorrelationSelector (class in deepinsight.doctor.prediction.feature_selection)
ClassificationEnsembler (class in deepinsight.doctor.prediction.ensembles)
ClassificationIML (class in deepinsight.doctor.forest)
ClassificationModelIntrinsicScorer (class in deepinsight.doctor.prediction.classification_scoring)
ClassificationPredictor (class in deepinsight.apinode.predict.predictor)
clean_statistics() (deepinsight.doctor.clustering.two_step_clustering.Tree method)
cleanup() (deepinsight.doctor.crossval.grid_search_cv.CVInterruptWatcherThread method)
clear_cache() (in module deepinsight.doctor.utils.dataframe_cache)
close() (deepinsight.base.java_link.JavaLink method)
(deepinsight.core.dataset_write.DatasetWriter method)
(deepinsight.core.dataset_write.RemoteStreamWriter method)
(deepinsight.core.dtio.PipeToGeneratorThread method)
cluster_description() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
cluster_profiling() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
cluster_sampling() (deepinsight.doctor.utils.subsampler.Subsampler method)
cluster_summary() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
clustering_fit() (in module deepinsight.doctor.clustering.clustering_fit)
clustering_model_from_params() (in module deepinsight.doctor.clustering.clustering_fit)
clustering_predict() (in module deepinsight.doctor.clustering.clustering_fit)
clustering_rescore() (in module deepinsight.doctor.commands)
clustering_train_score_save() (in module deepinsight.doctor.clustering_entrypoints)
ClusteringModelInspector (class in deepinsight.doctor.clustering.clustering_fit)
ClusteringModelScorer (class in deepinsight.doctor.clustering.clustering_scorer)
ClusteringNotebookBuilder (class in deepinsight.doctor.notebook_builder)
ClusteringPreprocessingDataCollector (class in deepinsight.doctor.preprocessing_collector)
ClusteringPreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
code_cell() (in module deepinsight.doctor.notebook_builder)
coerce_probas() (deepinsight.doctor.prediction.ensembles.LogisticProbaEnsembler method)
col_as_series() (deepinsight.doctor.multiframe.MultiFrame method)
column_id() (deepinsight.core.dataset.DatasetCursor method)
column_name (deepinsight.doctor.preprocessing.dataframe_preprocessing.ExtractColumn attribute)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextHashingVectorizerProcessor attribute)
columns (deepinsight.doctor.multiframe.DataFrameBuilder attribute)
columns() (deepinsight.doctor.multiframe.MultiFrame method)
command() (in module deepinsight.doctor.posttraining.subpopulation)
comment_cell() (in module deepinsight.doctor.notebook_builder)
Computable (class in deepinsight.core.base)
compute() (deepinsight.doctor.posttraining.partial_depency.PartialDependencyComputer method)
(in module deepinsight.doctor.posttraining.partial_depency)
compute_binary_classification_metrics() (in module deepinsight.doctor.prediction.reg_evaluation_recipe)
compute_binary_subpopulation_metrics() (in module deepinsight.doctor.posttraining.subpopulation)
compute_impact_map() (deepinsight.doctor.preprocessing.impact_coding.CategoricalImpactCoding method)
(deepinsight.doctor.preprocessing.impact_coding.ContinuousImpactCoding method)
(deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
compute_lm_significance() (in module deepinsight.doctor.prediction.scoring_base)
compute_metrics() (in module deepinsight.doctor.prediction.regression_scoring)
compute_metrics_df() (in module deepinsight.doctor.prediction.reg_evaluation_recipe)
compute_multiclass_metrics() (in module deepinsight.doctor.prediction.reg_evaluation_recipe)
compute_otimized_threshold() (in module deepinsight.doctor.prediction.classification_scoring)
compute_pdp() (in module deepinsight.doctor.commands)
compute_predicted_data() (deepinsight.doctor.prediction.regression_scoring.RegressionModelScorer method)
compute_regression_metrics() (in module deepinsight.doctor.prediction.reg_evaluation_recipe)
compute_statistics() (deepinsight.doctor.clustering.two_step_clustering.Tree method)
compute_subpopulation() (in module deepinsight.doctor.commands)
ComputedMetrics (class in deepinsight.core.metrics)
connect() (deepinsight.base.java_link.JavaLink method)
context() (deepinsight.doctor.notebook_builder.ClusteringNotebookBuilder method)
(deepinsight.doctor.notebook_builder.NotebookBuilder method)
(deepinsight.doctor.notebook_builder.PredictionNotebookBuilder method)
ContinuousImpactCoding (class in deepinsight.doctor.preprocessing.impact_coding)
CopyMultipleColumnsFromInput (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
count_warnings() (deepinsight.timer.step.StepResult method)
create_clustering_notebook() (in module deepinsight.doctor.commands)
create_ensemble() (in module deepinsight.doctor.commands)
create_interrupt_file() (in module deepinsight.doctor.utils.interrupt_optimization)
create_notebook() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
create_prediction_notebook() (in module deepinsight.doctor.commands)
create_sampling_argument() (in module deepinsight.core.dataset)
create_scorable_pipelines() (deepinsight.doctor.prediction.ensembles.EnsembleRegressor method)
create_session_if_needed() (in module deepinsight.core.intercom)
cubic_root() (in module deepinsight.doctor.preprocessing.dataframe_preprocessing)
CustomPreprocessingStep (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
CVBinaryClassificationModelScorer (class in deepinsight.doctor.prediction.classification_scoring)
CVInterruptWatcherThread (class in deepinsight.doctor.crossval.grid_search_cv)
CVMulticlassModelScorer (class in deepinsight.doctor.prediction.classification_scoring)
CVRegressionModelScorer (class in deepinsight.doctor.prediction.regression_scoring)
D
DataFrameBuilder (class in deepinsight.doctor.multiframe)
DataFrameWrapper (class in deepinsight.doctor.multiframe)
Dataset (class in deepinsight)
(class in deepinsight.core.dataset)
DatasetCursor (class in deepinsight.core.dataset)
DatasetWriter (class in deepinsight.core.dataset_write)
datetime_to_epoch() (in module deepinsight.doctor.utils)
debug_sighandler() (in module deepinsight.core.debugging)
DecisionTreeClassification (class in deepinsight.doctor.prediction.classification_fit)
DecisionTreeRegression (class in deepinsight.doctor.prediction.regression_fit)
declare_admin_key_create() (in module deepinsight.apinode.admin.auth_commands)
declare_admin_key_delete() (in module deepinsight.apinode.admin.auth_commands)
declare_admin_keys_list() (in module deepinsight.apinode.admin.auth_commands)
deepinsight (module)
deepinsight.apinode (module)
deepinsight.apinode.admin (module)
deepinsight.apinode.admin.auth (module)
deepinsight.apinode.admin.auth_commands (module)
deepinsight.apinode.admin.utils (module)
deepinsight.apinode.predict (module)
deepinsight.apinode.predict.functionserver (module)
deepinsight.apinode.predict.predictor (module)
deepinsight.apinode.predict.server (module)
deepinsight.apinode.utils (module)
deepinsight.base (module)
deepinsight.base.java_link (module)
deepinsight.base.remoterun (module)
deepinsight.base.utils (module)
deepinsight.core (module)
deepinsight.core.base (module)
deepinsight.core.dataset (module)
deepinsight.core.dataset_write (module)
deepinsight.core.debugging (module)
deepinsight.core.dt_pandas_csv (module)
deepinsight.core.dtio (module)
deepinsight.core.dtjson (module)
deepinsight.core.flow (module)
deepinsight.core.intercom (module)
deepinsight.core.metrics (module)
deepinsight.core.pandasutils (module)
deepinsight.core.saved_model (module)
deepinsight.core.schema_handling (module)
deepinsight.core.sql (module)
deepinsight.doctor (module)
deepinsight.doctor.clustering (module)
deepinsight.doctor.clustering.anomaly_detection (module)
deepinsight.doctor.clustering.clustering_fit (module)
deepinsight.doctor.clustering.clustering_scorer (module)
deepinsight.doctor.clustering.common (module)
deepinsight.doctor.clustering.reg_cluster_recipe (module)
deepinsight.doctor.clustering.reg_scoring_recipe (module)
deepinsight.doctor.clustering.reg_train_recipe (module)
deepinsight.doctor.clustering.two_step_clustering (module)
deepinsight.doctor.clustering_entrypoints (module)
deepinsight.doctor.commands (module)
deepinsight.doctor.constants (module)
deepinsight.doctor.crossval (module)
deepinsight.doctor.crossval.grid_search_cv (module)
deepinsight.doctor.deep_learning (module)
deepinsight.doctor.deep_learning.keras_callbacks (module)
deepinsight.doctor.deep_learning.keras_support (module)
deepinsight.doctor.deep_learning.keras_utils (module)
deepinsight.doctor.deep_learning.load_model (module)
deepinsight.doctor.deep_learning.preprocessing (module)
deepinsight.doctor.deep_learning.shared_variables (module)
deepinsight.doctor.dtapi (module)
deepinsight.doctor.exception (module)
deepinsight.doctor.forest (module)
deepinsight.doctor.multiframe (module)
deepinsight.doctor.notebook_builder (module)
deepinsight.doctor.posttraining (module)
deepinsight.doctor.posttraining.model_information_handler (module)
deepinsight.doctor.posttraining.partial_depency (module)
deepinsight.doctor.posttraining.percentage_progress (module)
deepinsight.doctor.posttraining.subpopulation (module)
deepinsight.doctor.prediction (module)
deepinsight.doctor.prediction.classification_fit (module)
deepinsight.doctor.prediction.classification_scoring (module)
deepinsight.doctor.prediction.common (module)
deepinsight.doctor.prediction.dt_xgboost (module)
deepinsight.doctor.prediction.ensembles (module)
deepinsight.doctor.prediction.feature_selection (module)
deepinsight.doctor.prediction.keras_evaluation_recipe (module)
deepinsight.doctor.prediction.keras_scoring_recipe (module)
deepinsight.doctor.prediction.lars (module)
deepinsight.doctor.prediction.prediction_model_serialization (module)
deepinsight.doctor.prediction.reg_evaluation_recipe (module)
deepinsight.doctor.prediction.reg_scoring_recipe (module)
deepinsight.doctor.prediction.reg_train_recipe (module)
deepinsight.doctor.prediction.regression_fit (module)
deepinsight.doctor.prediction.regression_scoring (module)
deepinsight.doctor.prediction.scoring_base (module)
deepinsight.doctor.prediction_entrypoints (module)
deepinsight.doctor.preprocessing (module)
deepinsight.doctor.preprocessing.dataframe_preprocessing (module)
deepinsight.doctor.preprocessing.impact_coding (module)
deepinsight.doctor.preprocessing.pca (module)
deepinsight.doctor.preprocessing_collector (module)
deepinsight.doctor.preprocessing_handler (module)
deepinsight.doctor.server (module)
deepinsight.doctor.utils (module)
deepinsight.doctor.utils.calibration (module)
deepinsight.doctor.utils.crossval (module)
deepinsight.doctor.utils.dataframe_cache (module)
deepinsight.doctor.utils.interrupt_optimization (module)
deepinsight.doctor.utils.lift_curve (module)
deepinsight.doctor.utils.listener (module)
deepinsight.doctor.utils.magic_main (module)
deepinsight.doctor.utils.metrics (module)
deepinsight.doctor.utils.split (module)
deepinsight.doctor.utils.subsampler (module)
deepinsight.insights (module)
deepinsight.timer (module)
deepinsight.timer.step (module)
deepinsight.timer.timer (module)
deepinsight.timer.trigger (module)
deepinsightapi (module)
deepinsightapi.apinode_admin (module)
deepinsightapi.apinode_admin.auth (module)
deepinsightapi.apinode_client (module)
deepinsightapi.base_client (module)
deepinsightapi.dt (module)
deepinsightapi.dt.sqlquery (module)
deepinsightapi.dtclient (module)
deepinsightapi.utils (module)
DeepInsightException
default() (deepinsight.core.dtjson.JSONEncoder method)
default_project_id() (in module deepinsight)
(in module deepinsight.core)
DEFAULT_VALUE (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding attribute)
default_value() (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
delete_key() (deepinsightapi.apinode_admin.auth.APINodeAuth method)
delete_rows_csr() (in module deepinsight.doctor.multiframe)
denormalize_coef() (deepinsight.doctor.prediction.regression_scoring.Denormalizer method)
denormalize_feature_value() (deepinsight.doctor.prediction.regression_scoring.Denormalizer method)
denormalize_intercept() (deepinsight.doctor.prediction.regression_scoring.Denormalizer method)
denormalize_intercept_stderr() (deepinsight.doctor.prediction.regression_scoring.Denormalizer method)
Denormalizer (class in deepinsight.doctor.prediction.regression_scoring)
dense_abs_cor() (deepinsight.doctor.prediction.feature_selection.RegressionCorrelationSelector static method)
detect_outliers() (in module deepinsight.doctor.preprocessing.dataframe_preprocessing)
df_from_split_desc() (in module deepinsight.doctor.utils.split)
df_from_split_desc_no_normalization() (in module deepinsight.doctor.utils.split)
DkuIsolationForest (class in deepinsight.doctor.clustering.anomaly_detection)
DkuLassoLarsClassifier (class in deepinsight.doctor.prediction.lars)
DkuLassoLarsRegressor (class in deepinsight.doctor.prediction.lars)
DKULeaveOneGroupOut (class in deepinsight.doctor.utils.crossval)
DKULeavePGroupsOut (class in deepinsight.doctor.utils.crossval)
DkuParameterGrid (class in deepinsight.doctor.crossval.grid_search_cv)
do_normalize (deepinsight.doctor.preprocessing.pca.PCA attribute)
DoctorException
drop_outliers() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
drop_rows() (deepinsight.doctor.multiframe.MultiFrame method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.Step static method)
DropFeatureSelection (class in deepinsight.doctor.prediction.feature_selection)
DropNARows (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DropRowsWhereNoTarget (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DropRowsWhereNoTargetNorWeight (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DropSelector (class in deepinsight.doctor.prediction.feature_selection)
dt_calibration_curve() (in module deepinsight.doctor.utils.calibration)
dt_calibration_loss() (in module deepinsight.doctor.utils.calibration)
dt_isnan() (in module deepinsight.doctor.utils)
dt_nonan() (in module deepinsight.doctor.utils)
dt_nonaninf() (in module deepinsight.doctor.utils)
dt_write_mode_for_pickling() (in module deepinsight.doctor.utils)
DTBaseClient (class in deepinsightapi.base_client)
DTClient (class in deepinsightapi.dtclient)
DTCSVFormatter (class in deepinsight.core.dt_pandas_csv)
DTSQLQuery (class in deepinsightapi.dt.sqlquery)
DTStreamedHttpUTF8CSVReader (class in deepinsightapi.utils)
DTUTF8CSVReader (class in deepinsightapi.utils)
DTXGBClassifier (class in deepinsight.doctor.prediction.dt_xgboost)
DTXGBRegressor (class in deepinsight.doctor.prediction.dt_xgboost)
DummyFileReader (class in deepinsight.doctor.deep_learning.preprocessing)
dump() (in module deepinsight.core.dtjson)
dump_pretrain_info() (in module deepinsight.doctor.prediction.common)
dump_to_filepath() (in module deepinsight.core.dtjson)
DumpFullMF (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DumpInputDF (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DumpMFDetails (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
DumpPipelineState (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
dumps() (in module deepinsight.core.dtjson)
E
EmitCurrentMFAsResult (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
ensemble_from_fitted() (in module deepinsight.doctor.prediction.ensembles)
ensemble_predictions() (deepinsight.doctor.prediction.ensembles.AverageEnsembler method)
(deepinsight.doctor.prediction.ensembles.ClassificationEnsembler method)
(deepinsight.doctor.prediction.ensembles.Ensembler method)
(deepinsight.doctor.prediction.ensembles.LinearEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticClassifEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticProbaEnsembler method)
(deepinsight.doctor.prediction.ensembles.MedianEnsembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticAverageEnsembler method)
(deepinsight.doctor.prediction.ensembles.VotingEnsembler method)
ensemble_probas() (deepinsight.doctor.prediction.ensembles.ClassificationEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticClassifEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticProbaEnsembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticAverageEnsembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticEnsembler method)
(deepinsight.doctor.prediction.ensembles.VotingEnsembler method)
EnsembleModel (class in deepinsight.doctor.prediction.ensembles)
EnsemblePredictor (class in deepinsight.core.saved_model)
Ensembler (class in deepinsight.doctor.prediction.ensembles)
EnsembleRegressor (class in deepinsight.doctor.prediction.ensembles)
estimators_ (deepinsight.doctor.forest.IML attribute)
exec_recipe_fragment() (deepinsight.core.sql.HiveExecutor static method)
(deepinsight.core.sql.ImpalaExecutor static method)
(deepinsight.core.sql.SQLExecutor static method)
execute_sql() (deepinsight.timer.timer.Timer method)
exist_variable() (in module deepinsight.doctor.deep_learning.shared_variables)
ExitState (class in deepinsight.doctor.utils.listener)
extract_features() (in module deepinsight.doctor.prediction.feature_selection)
extract_input_columns() (in module deepinsight.doctor.notebook_builder)
(in module deepinsight.doctor.preprocessing_handler)
extract_probas() (in module deepinsight.doctor.prediction.ensembles)
ExtractColumn (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
ExtraTreesClassification (class in deepinsight.doctor.prediction.classification_fit)
ExtraTreesRegression (class in deepinsight.doctor.prediction.regression_fit)
F
FakeDatasetWriter (class in deepinsight.core.dataset_write)
FastSparseDummifyProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
feature_importances_ (deepinsight.doctor.forest.IML attribute)
feature_needs_analysis() (deepinsight.doctor.preprocessing_collector.ClusteringPreprocessingDataCollector method)
(deepinsight.doctor.preprocessing_collector.PredictionPreprocessingDataCollector method)
FeatureSelection (class in deepinsight.doctor.prediction.feature_selection)
FeatureSelectionStep (class in deepinsight.doctor.prediction.feature_selection)
FeatureSelector (class in deepinsight.doctor.prediction.feature_selection)
FeatureSelectorOutputExecStep (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
FeatureSelectorOutputTrainStep (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
FileFunctionPreprocessing (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
fire() (deepinsight.timer.trigger.Trigger method)
fit() (deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
(deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
(deepinsight.doctor.deep_learning.preprocessing.TokenizerProcessor method)
(deepinsight.doctor.forest.IML method)
(deepinsight.doctor.prediction.dt_xgboost.DTXGBClassifier method)
(deepinsight.doctor.prediction.dt_xgboost.DTXGBRegressor method)
(deepinsight.doctor.prediction.ensembles.AverageEnsembler method)
(deepinsight.doctor.prediction.ensembles.ClassificationEnsembler method)
(deepinsight.doctor.prediction.ensembles.EnsembleRegressor method)
(deepinsight.doctor.prediction.ensembles.Ensembler method)
(deepinsight.doctor.prediction.ensembles.LinearEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticClassifEnsembler method)
(deepinsight.doctor.prediction.ensembles.LogisticProbaEnsembler method)
(deepinsight.doctor.prediction.ensembles.MedianEnsembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticAverageEnsembler method)
(deepinsight.doctor.prediction.ensembles.VotingEnsembler method)
(deepinsight.doctor.prediction.feature_selection.DropSelector method)
(deepinsight.doctor.prediction.feature_selection.FeatureSelector method)
(deepinsight.doctor.prediction.feature_selection.PCASelector method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsClassifier method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsRegressor method)
(deepinsight.doctor.prediction.regression_scoring.ZeroEstimator method)
(deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
(deepinsight.doctor.preprocessing.impact_coding.NestedKFoldImpactCoder method)
(deepinsight.doctor.preprocessing.pca.PCA method)
(deepinsight.doctor.preprocessing.pca.PCA2 method)
fit_and_process() (deepinsight.doctor.prediction.feature_selection.FeatureSelectionStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BlockStdRescalingProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CustomPreprocessingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FeatureSelectorOutputTrainStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FileFunctionPreprocessing method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalNumericalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.OutlierDetection method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PCAStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.QuantileBinSeries method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.Step method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextCountVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextHashingVectorizerWithSVDProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextTFIDFVectorizerProcessor method)
fit_pipelines() (deepinsight.doctor.prediction.ensembles.EnsembleRegressor method)
fit_predict() (deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
(deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
fit_transform() (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
(deepinsight.doctor.preprocessing.pca.PCA method)
(deepinsight.doctor.preprocessing.pca.PCA2 method)
FlagMissingValue2 (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
flush() (deepinsight.base.java_link.LinkedOutputStream method)
(deepinsight.core.dataset_write.RemoteStreamWriter method)
(deepinsight.core.dtio.PipeToGeneratorThread method)
flush_df_builder() (deepinsight.doctor.multiframe.MultiFrame method)
FlushDFBuilder (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
format_all_proba_density() (in module deepinsight.doctor.prediction.classification_scoring)
format_proba_density() (in module deepinsight.doctor.prediction.classification_scoring)
from_avgstd() (deepinsight.doctor.preprocessing.dataframe_preprocessing.RescalingProcessor2 static method)
from_minmax() (deepinsight.doctor.preprocessing.dataframe_preprocessing.RescalingProcessor2 static method)
full_name (deepinsight.core.base.Computable attribute)
(deepinsight.Dataset attribute)
(deepinsight.core.dataset.Dataset attribute)
G
gap_statistic() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
GBTClassification (class in deepinsight.doctor.prediction.classification_fit)
GBTRegression (class in deepinsight.doctor.prediction.regression_fit)
gen_voc() (deepinsight.doctor.preprocessing.dataframe_preprocessing.BaseCountVectorizerProcessor method)
generate_secure_random_string() (in module deepinsight.apinode.admin.auth)
generated_features_mapping (deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline attribute)
GeneratedFeaturesMapping (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
generator (deepinsight.core.dataset.IteratorWithTimeOut attribute)
get() (deepinsight.core.dataset.DatasetCursor method)
get_actual_params() (deepinsight.doctor.clustering.clustering_fit.ClusteringModelInspector method)
get_additional_scoring_columns() (deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
get_all_ids() (deepinsight.core.metrics.ComputedMetrics method)
get_all_variables() (deepinsight.timer.timer.Timer method)
get_auth_headers() (in module deepinsight.core.intercom)
get_backend_url() (in module deepinsight.core.intercom)
get_base_callbacks() (in module deepinsight.doctor.deep_learning.keras_callbacks)
get_best_estimator() (deepinsight.doctor.crossval.grid_search_cv.GridSearcher method)
get_block() (deepinsight.doctor.multiframe.MultiFrame method)
get_calibrator() (deepinsight.doctor.prediction.prediction_model_serialization.BinaryModelSerializer method)
(deepinsight.doctor.prediction.prediction_model_serialization.ModelSerializer method)
(deepinsight.doctor.prediction.prediction_model_serialization.MulticlassModelSerializer method)
get_class_weight_dict() (in module deepinsight.doctor.prediction.classification_fit)
get_classes() (deepinsight.core.saved_model.BasePredictor method)
get_classifier_ensembler() (in module deepinsight.doctor.prediction.ensembles)
get_clf() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_cluster_labels() (deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
(deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
get_collector_data() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_command() (deepinsight.base.java_link.JavaLink method)
get_computation_parameter() (in module deepinsight.doctor.posttraining.subpopulation)
get_compute_time() (deepinsight.core.metrics.MetricDataPoint method)
get_conditional_output_names() (deepinsight.core.saved_model.BasePredictor method)
get_config() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_data() (deepinsight.core.metrics.ComputedMetrics method)
(deepinsight.timer.step.StepResult method)
get_data_home() (in module deepinsight.core.base)
(in module deepinsight.timer)
get_dataframe() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
(in module deepinsight.doctor.utils.dataframe_cache)
get_dataframe_schema_st() (deepinsight.core.dataset.Dataset static method)
(deepinsight.Dataset static method)
get_deep_learning_model_info() (in module deepinsight.doctor.deep_learning.keras_callbacks)
get_definition() (deepinsight.core.saved_model.Model method)
get_df_builder() (deepinsight.doctor.multiframe.MultiFrame method)
get_dtflow_spec() (in module deepinsight.base.remoterun)
get_env_var() (in module deepinsight.base.remoterun)
get_env_vars() (in module deepinsight.base.remoterun)
get_error_message() (deepinsight.timer.step.StepResult method)
get_evolution_def() (deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
get_feature_analysis_data() (deepinsight.doctor.preprocessing_collector.PreprocessingDataCollector method)
get_feature_selector() (in module deepinsight.doctor.prediction.feature_selection)
get_features() (deepinsight.core.saved_model.Predictor method)
get_files_info() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_full_df() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_grid_point_id() (in module deepinsight.doctor.crossval.grid_search_cv)
get_grid_scorer() (in module deepinsight.doctor.prediction.common)
get_grid_scorers() (in module deepinsight.doctor.prediction.common)
get_gridsearcher() (deepinsight.doctor.prediction.common.PredictionAlgorithm method)
get_id() (deepinsight.core.saved_model.Model method)
get_impact_coder() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
get_info() (deepinsight.core.saved_model.Model method)
get_ingrid() (in module deepinsight.doctor.prediction.common)
get_initial_intrinsic_perf_data() (in module deepinsight.doctor.prediction.common)
get_input() (deepinsight.base.java_link.JavaLink method)
get_input_features() (deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
get_insight() (in module deepinsight.insights)
get_jek_url() (in module deepinsight.core.intercom)
get_json_friendly_error() (in module deepinsight.base.utils)
get_keras_model() (in module deepinsight.doctor.deep_learning.keras_support)
get_keras_model_from_saved_model() (in module deepinsight.doctor.deep_learning.load_model)
get_keras_model_from_trained_model() (in module deepinsight.doctor.deep_learning.load_model)
get_keras_model_location_from_saved_model() (in module deepinsight.doctor.deep_learning.load_model)
get_keras_model_location_from_trained_model() (in module deepinsight.doctor.deep_learning.load_model)
get_last_metric_values() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_location_data() (in module deepinsight.core.intercom)
get_location_info() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_max_features() (in module deepinsight.doctor.prediction.common)
get_method() (deepinsight.doctor.prediction.feature_selection.DropFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.FeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.NoopFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.PCAFeatureSelection method)
get_metric() (deepinsight.core.metrics.MetricDataPoint method)
get_metric_by_id() (deepinsight.core.metrics.ComputedMetrics method)
get_metric_history() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_metric_id() (deepinsight.core.metrics.MetricDataPoint method)
get_model() (deepinsight.doctor.prediction.prediction_model_serialization.BinaryModelSerializer method)
(deepinsight.doctor.prediction.prediction_model_serialization.ModelSerializer method)
(deepinsight.doctor.prediction.prediction_model_serialization.MulticlassModelSerializer method)
(deepinsight.doctor.prediction.prediction_model_serialization.RegressionModelSerializer method)
get_modeling_params() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_multiclass_confusion_matrix() (deepinsight.doctor.prediction.classification_scoring.MulticlassModelScorer method)
get_n_splits() (deepinsight.doctor.utils.crossval.DKULeaveOneGroupOut method)
(deepinsight.doctor.utils.crossval.DKULeavePGroupsOut method)
get_name() (deepinsight.core.saved_model.Model method)
get_numerical_features() (deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
get_or_create_api_key() (in module deepinsight.apinode.admin.auth)
get_outcome() (deepinsight.timer.step.StepResult method)
get_output() (deepinsight.base.java_link.JavaLink method)
get_output_params() (deepinsight.doctor.prediction.common.PredictionAlgorithm method)
get_params() (deepinsight.doctor.forest.IML method)
get_partition() (deepinsight.core.metrics.MetricDataPoint method)
get_partition_data() (deepinsight.core.metrics.ComputedMetrics method)
get_partition_value() (deepinsight.core.metrics.ComputedMetrics method)
get_pca_resource() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
get_per_column_original() (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping method)
get_per_feature() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_per_feature_col() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_pipeline() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_posttrain_folder() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_prediction_dataframe() (deepinsight.core.saved_model.EnsemblePredictor method)
get_prediction_type() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_predictor() (deepinsight.core.saved_model.Model method)
(deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_preproc_handler() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_preprocessing() (deepinsight.core.saved_model.Predictor method)
get_preprocessing_params() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_previous_steps_outputs() (deepinsight.timer.timer.Timer method)
get_proba_columns() (deepinsight.core.saved_model.BasePredictor method)
get_probabilistic_ensembler() (in module deepinsight.doctor.prediction.ensembles)
get_pruned_names() (deepinsight.doctor.prediction.feature_selection.ClassificationCorrelationSelector method)
(deepinsight.doctor.prediction.feature_selection.DropSelector method)
(deepinsight.doctor.prediction.feature_selection.LassoSelector method)
(deepinsight.doctor.prediction.feature_selection.RandomForestSelector method)
(deepinsight.doctor.prediction.feature_selection.RegressionCorrelationSelector method)
get_regression_ensembler() (in module deepinsight.doctor.prediction.ensembles)
get_regression_performance() (deepinsight.doctor.prediction.regression_scoring.RegressionModelScorer method)
get_remote_run_env_def() (in module deepinsight.base.remoterun)
get_reportable_map() (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
get_rescaler() (in module deepinsight.doctor.preprocessing_handler)
get_resource() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
get_result() (deepinsight.timer.step.StepHandle method)
get_rf_raw_importance() (deepinsight.doctor.prediction.scoring_base.PredictionModelIntrinsicScorer method)
get_role_of_column() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_sample_weight_variable() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_schema() (deepinsight.core.sql.QueryReader method)
(deepinsightapi.dt.sqlquery.DTSQLQuery method)
get_schema_from_df() (in module deepinsight)
(in module deepinsight.core.schema_handling)
get_score_info() (deepinsight.doctor.crossval.grid_search_cv.GridSearcher method)
get_scored_from_y_and_pred() (in module deepinsight.doctor.deep_learning.keras_support)
get_selection_mode() (in module deepinsight.doctor.prediction.common)
get_selection_params() (deepinsight.doctor.prediction.feature_selection.DropFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.FeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.NoopFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.PCAFeatureSelection method)
get_self_client() (in module deepinsight.apinode.utils)
get_shared_secret() (in module deepinsight.core.base)
get_sign() (deepinsight.doctor.crossval.grid_search_cv.GridSearcher static method)
get_stats() (deepinsight.doctor.preprocessing.pca.PCA method)
get_target_map() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
(in module deepinsight.doctor.prediction.ensembles)
get_target_variable() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_test_df() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_texthash_svd_data() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
get_threshold_optim_function() (in module deepinsight.doctor.prediction.common)
get_top_outliers() (deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
get_train_df() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_trigger() (deepinsight.timer.trigger.Trigger method)
get_trigger_state() (deepinsight.timer.trigger.Trigger method)
get_type() (deepinsight.core.metrics.MetricDataPoint method)
(deepinsight.core.saved_model.Model method)
get_type_of_column() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
(in module deepinsight.doctor.posttraining.subpopulation)
get_value() (deepinsight.core.metrics.ComputedMetrics method)
(deepinsight.core.metrics.MetricDataPoint method)
get_value_from_data() (deepinsight.core.metrics.ComputedMetrics static method)
get_variable() (in module deepinsight.doctor.deep_learning.shared_variables)
get_variables_importance() (deepinsight.doctor.prediction.scoring_base.PredictionModelScorer method)
get_warnings_count_by_type() (deepinsight.timer.step.StepResult method)
get_weight_method() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
get_whole_block_original() (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping method)
get_writer() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
get_xgboost_scorer() (in module deepinsight.doctor.prediction.dt_xgboost)
getSeriesNonzero() (in module deepinsight.core.pandasutils)
GradientBoostingSummaryBuilder (class in deepinsight.doctor.prediction.regression_scoring)
greater_is_better() (in module deepinsight.doctor.prediction.common)
grid_with_index() (deepinsight.doctor.crossval.grid_search_cv.DkuParameterGrid method)
(deepinsight.doctor.crossval.grid_search_cv.RandomDkuParameterGrid method)
GridSearcher (class in deepinsight.doctor.crossval.grid_search_cv)
H
handle_missing_context() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
handle_predict() (in module deepinsight.apinode.predict.server)
has_a_jek() (in module deepinsight.core.intercom)
has_df_builder() (deepinsight.doctor.multiframe.MultiFrame method)
has_env_var() (in module deepinsight.base.remoterun)
has_sample_weight_variable (deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler attribute)
hashablify() (in module deepinsight.doctor.utils.dataframe_cache)
header_cell() (in module deepinsight.doctor.notebook_builder)
HiveExecutor (class in deepinsight.core.sql)
I
i (deepinsight.doctor.forest.RandomForestClassifierIML attribute)
(deepinsight.doctor.forest.RandomForestRegressorIML attribute)
IML (class in deepinsight.doctor.forest)
impact_coding() (deepinsight.doctor.preprocessing.impact_coding.NestedKFoldImpactCoder static method)
ImpactCoding (class in deepinsight.doctor.preprocessing.impact_coding)
ImpactCodingStep (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
ImpactCodingStep2 (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
ImpalaExecutor (class in deepinsight.core.sql)
init_resources() (deepinsight.doctor.prediction.feature_selection.FeatureSelectionStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BaseCountVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BinarizeSeries method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BlockStdRescalingProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CustomPreprocessingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FastSparseDummifyProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FlagMissingValue2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.MultipleImputeMissingFromInput method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalDerivativesGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalNumericalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.OutlierDetection method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.QuantileBinSeries method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RescalingProcessor2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.SingleColumnDropNARows method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.Step method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextCountVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextTFIDFVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.UnfoldVectorProcessor method)
init_write_session() (deepinsight.core.dataset_write.StreamingAPI method)
input_columns (deepinsight.doctor.preprocessing.pca.PCA attribute)
input_columns() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
inputs_probas() (deepinsight.doctor.prediction.ensembles.ClassificationEnsembler method)
(deepinsight.doctor.prediction.ensembles.Ensembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticEnsembler method)
install_handler() (in module deepinsight.core.debugging)
IntrinsicClusteringModelScorer (class in deepinsight.doctor.clustering.clustering_scorer)
is_column_dummified() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
is_done() (deepinsight.timer.step.StepHandle method)
is_ensemble() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
is_fitted() (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
is_keras_backend() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
is_kfolding() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
is_leaf() (deepinsight.doctor.clustering.two_step_clustering.Tree method)
is_model_prediction() (in module deepinsight.core.saved_model)
is_proba_aware() (in module deepinsight.doctor.prediction.classification_scoring)
is_probabilistic() (in module deepinsight.doctor.prediction.ensembles)
is_represented() (deepinsight.doctor.posttraining.partial_depency.PartialDependencyFeature method)
is_series_like() (in module deepinsight.doctor.multiframe)
is_still_alive() (deepinsight.core.dataset_write.WriteSessionWaiter method)
is_supervized() (deepinsight.doctor.notebook_builder.ClusteringNotebookBuilder method)
(deepinsight.doctor.notebook_builder.NotebookBuilder method)
(deepinsight.doctor.notebook_builder.PredictionNotebookBuilder method)
items() (deepinsight.core.dataset.DatasetCursor method)
iter_blocks() (deepinsight.doctor.multiframe.MultiFrame method)
iter_columns() (deepinsight.doctor.multiframe.MultiFrame method)
iter_dataframes() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
(deepinsight.doctor.multiframe.MultiFrame method)
iter_dataframes_forced_types() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
iter_facts() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
iter_rows() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
(deepinsightapi.utils.DTStreamedHttpUTF8CSVReader method)
iter_tuples() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
(deepinsight.core.sql.QueryReader method)
iterate() (deepinsight.core.dataset.IteratorWithTimeOut method)
iterator (deepinsight.core.dataset.IteratorWithTimeOut attribute)
IteratorWithTimeOut (class in deepinsight.core.dataset)
J
JavaLink (class in deepinsight.base.java_link)
jek_api_get_call() (in module deepinsight.core.intercom)
jek_api_post_call() (in module deepinsight.core.intercom)
jek_get_call() (in module deepinsight.core.intercom)
jek_json_call() (in module deepinsight.core.intercom)
jek_or_backend_get_call() (in module deepinsight.core.intercom)
jek_or_backend_json_call() (in module deepinsight.core.intercom)
jek_or_backend_stream_call() (in module deepinsight.core.intercom)
jek_or_backend_void_call() (in module deepinsight.core.intercom)
jek_stream_call() (in module deepinsight.core.intercom)
jek_void_call() (in module deepinsight.core.intercom)
join_with_timeout() (deepinsight.core.dataset_write.TimeoutableQueue method)
(deepinsight.core.dtio.TimeoutableQueue method)
json_api() (in module deepinsight.doctor.dtapi)
json_dumpf() (in module deepinsight.apinode.admin.utils)
json_loadf() (in module deepinsight.apinode.admin.utils)
JSONEncoder (class in deepinsight.core.dtjson)
K
kept_variance (deepinsight.doctor.preprocessing.pca.PCA attribute)
KerasPredictor (class in deepinsight.core.saved_model)
KerasPreprocessing (class in deepinsight.core.saved_model)
keys() (deepinsight.core.dataset.DatasetCursor method)
KNNClassification (class in deepinsight.doctor.prediction.classification_fit)
KNNRegression (class in deepinsight.doctor.prediction.regression_fit)
L
lambda_weight() (in module deepinsight.doctor.preprocessing.impact_coding)
LARSClassification (class in deepinsight.doctor.prediction.classification_fit)
LARSRegression (class in deepinsight.doctor.prediction.regression_fit)
LassoRegression (class in deepinsight.doctor.prediction.regression_fit)
LassoSelector (class in deepinsight.doctor.prediction.feature_selection)
LeastSquareRegression (class in deepinsight.doctor.prediction.regression_fit)
LiftBuilder (class in deepinsight.doctor.utils.lift_curve)
LinearEnsembler (class in deepinsight.doctor.prediction.ensembles)
LinkedInputStream (class in deepinsight.base.java_link)
LinkedOutputStream (class in deepinsight.base.java_link)
list() (deepinsight.core.dataset.Dataset static method)
(deepinsight.Dataset static method)
list_keys() (deepinsightapi.apinode_admin.auth.APINodeAuth method)
list_models() (deepinsight.core.saved_model.Model static method)
list_partitions() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
list_versions() (deepinsight.core.saved_model.Model method)
load_flow_spec() (in module deepinsight.core.flow)
load_from_filepath() (in module deepinsight.core.dtjson)
load_relfilepath() (in module deepinsight.doctor.preprocessing_handler)
LoadedFunction (class in deepinsight.apinode.predict.functionserver)
log_loss() (in module deepinsight.doctor.utils.metrics)
log_odds() (in module deepinsight.doctor.utils.metrics)
LogisticClassifEnsembler (class in deepinsight.doctor.prediction.ensembles)
LogisticProbaEnsembler (class in deepinsight.doctor.prediction.ensembles)
LogisticRegClassification (class in deepinsight.doctor.prediction.classification_fit)
M
m (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding attribute)
magic_main() (in module deepinsight.doctor.utils.magic_main)
main() (in module deepinsight.doctor.clustering.reg_cluster_recipe)
(in module deepinsight.doctor.clustering.reg_scoring_recipe)
(in module deepinsight.doctor.clustering.reg_train_recipe)
(in module deepinsight.doctor.prediction.keras_evaluation_recipe)
(in module deepinsight.doctor.prediction.keras_scoring_recipe)
(in module deepinsight.doctor.prediction.reg_evaluation_recipe)
(in module deepinsight.doctor.prediction.reg_scoring_recipe)
(in module deepinsight.doctor.prediction.reg_train_recipe)
make_cost_matrix_score() (in module deepinsight.doctor.prediction.common)
make_lift_score() (in module deepinsight.doctor.prediction.common)
make_percentile() (in module deepinsight.doctor.clustering.clustering_scorer)
make_running_traininfo() (in module deepinsight.doctor.utils)
make_tree_data() (in module deepinsight.doctor.prediction.regression_scoring)
mcalibration_loss() (in module deepinsight.doctor.utils.metrics)
mean_absolute_percentage_error() (in module deepinsight.doctor.utils.metrics)
MedianEnsembler (class in deepinsight.doctor.prediction.ensembles)
merge() (deepinsight.doctor.clustering.two_step_clustering.Tree method)
(deepinsight.doctor.forest.IML method)
(deepinsight.doctor.forest.RandomForestClassifierIML method)
(deepinsight.doctor.forest.RandomForestRegressorIML method)
merge_listeners() (in module deepinsight.doctor.utils)
MetricDataPoint (class in deepinsight.core.metrics)
ml_dtype_from_deepinsight_column() (in module deepinsight.doctor.utils)
ml_dtypes_from_deepinsight_schema() (in module deepinsight.doctor.utils)
Model (class in deepinsight.core.saved_model)
model() (deepinsight.doctor.forest.IML method)
(deepinsight.doctor.forest.RandomForestClassifierIML method)
(deepinsight.doctor.forest.RandomForestRegressorIML method)
model_from_params() (deepinsight.doctor.prediction.classification_fit.DecisionTreeClassification method)
(deepinsight.doctor.prediction.classification_fit.ExtraTreesClassification method)
(deepinsight.doctor.prediction.classification_fit.GBTClassification method)
(deepinsight.doctor.prediction.classification_fit.KNNClassification method)
(deepinsight.doctor.prediction.classification_fit.LARSClassification method)
(deepinsight.doctor.prediction.classification_fit.LogisticRegClassification method)
(deepinsight.doctor.prediction.classification_fit.NeuralNetworkClassification method)
(deepinsight.doctor.prediction.classification_fit.RFClassification method)
(deepinsight.doctor.prediction.classification_fit.SGDClassification method)
(deepinsight.doctor.prediction.classification_fit.SVCClassification method)
(deepinsight.doctor.prediction.classification_fit.ScikitClassification method)
(deepinsight.doctor.prediction.classification_fit.XGBClassification method)
(deepinsight.doctor.prediction.common.PredictionAlgorithm method)
(deepinsight.doctor.prediction.regression_fit.DecisionTreeRegression method)
(deepinsight.doctor.prediction.regression_fit.ExtraTreesRegression method)
(deepinsight.doctor.prediction.regression_fit.GBTRegression method)
(deepinsight.doctor.prediction.regression_fit.KNNRegression method)
(deepinsight.doctor.prediction.regression_fit.LARSRegression method)
(deepinsight.doctor.prediction.regression_fit.LassoRegression method)
(deepinsight.doctor.prediction.regression_fit.LeastSquareRegression method)
(deepinsight.doctor.prediction.regression_fit.NeuralNetworkRegression method)
(deepinsight.doctor.prediction.regression_fit.RFRegression method)
(deepinsight.doctor.prediction.regression_fit.RidgeRegression method)
(deepinsight.doctor.prediction.regression_fit.SGDRegression method)
(deepinsight.doctor.prediction.regression_fit.SVMRegression method)
(deepinsight.doctor.prediction.regression_fit.ScikitRegression method)
(deepinsight.doctor.prediction.regression_fit.XGBoostRegression method)
ModelParams (class in deepinsight.core.saved_model)
ModelSerializer (class in deepinsight.doctor.prediction.prediction_model_serialization)
mroc_auc_score() (in module deepinsight.doctor.utils.metrics)
multiclass_predict() (in module deepinsight.doctor.prediction.classification_scoring)
multiclass_predict_ensemble() (in module deepinsight.doctor.prediction.classification_scoring)
multiclass_predict_single() (in module deepinsight.doctor.prediction.classification_scoring)
multiclass_scorer_with_valid() (in module deepinsight.doctor.prediction.classification_scoring)
MulticlassModelScorer (class in deepinsight.doctor.prediction.classification_scoring)
MulticlassModelSerializer (class in deepinsight.doctor.prediction.prediction_model_serialization)
MulticlassPreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
MultiFrame (class in deepinsight.doctor.multiframe)
MultipleImputeMissingFromInput (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
must_interrupt() (in module deepinsight.doctor.utils.interrupt_optimization)
N
n_components (deepinsight.doctor.preprocessing.pca.PCA attribute)
n_features (deepinsight.doctor.preprocessing.dataframe_preprocessing.TextHashingVectorizerProcessor attribute)
n_features_from_variance() (deepinsight.doctor.prediction.feature_selection.PCASelector method)
NamedNPArray (class in deepinsight.doctor.multiframe)
NestedKFoldImpactCoder (class in deepinsight.doctor.preprocessing.impact_coding)
NeuralNetworkClassification (class in deepinsight.doctor.prediction.classification_fit)
NeuralNetworkRegression (class in deepinsight.doctor.prediction.regression_fit)
new_buffer() (deepinsight.core.dtio.PipeToGeneratorThread method)
new_bytesoriented_io() (in module deepinsight.core.dtio)
new_utf8_csv_reader() (in module deepinsight.core.dtio)
new_utf8_csv_writer() (in module deepinsight.core.dtio)
next() (deepinsight.core.dtio.Python2UTF8CSVReader method)
(deepinsightapi.utils.DTUTF8CSVReader method)
next_block() (deepinsight.base.java_link.LinkedInputStream method)
nnz() (deepinsight.doctor.multiframe.MultiFrame method)
no_nan() (in module deepinsight.doctor.clustering.clustering_scorer)
none_if_throws() (in module deepinsight.core.dataset)
(in module deepinsightapi.utils)
NoopFeatureSelection (class in deepinsight.doctor.prediction.feature_selection)
normalize() (deepinsight.doctor.preprocessing.dataframe_preprocessing.PCAStep method)
(deepinsight.doctor.preprocessing.pca.PCA method)
normalize_dataframe() (in module deepinsight.doctor.utils)
NotebookBuilder (class in deepinsight.doctor.notebook_builder)
NULL (deepinsight.doctor.preprocessing.impact_coding.ImpactCoding attribute)
NumericalCategoricalInteraction (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
NumericalDerivativesGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
NumericalFeaturesClusteringGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
NumericalNumericalInteraction (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
O
ONE_FEATURE_PER_COLUMN (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping attribute)
open() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
OutlierDetection (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
output_columns (deepinsight.doctor.preprocessing.pca.PCA attribute)
output_name (deepinsight.doctor.preprocessing.dataframe_preprocessing.ExtractColumn attribute)
output_params() (deepinsight.doctor.prediction.classification_fit.DecisionTreeClassification method)
(deepinsight.doctor.prediction.classification_fit.ExtraTreesClassification method)
(deepinsight.doctor.prediction.classification_fit.GBTClassification method)
(deepinsight.doctor.prediction.classification_fit.KNNClassification method)
(deepinsight.doctor.prediction.classification_fit.LARSClassification method)
(deepinsight.doctor.prediction.classification_fit.LogisticRegClassification method)
(deepinsight.doctor.prediction.classification_fit.NeuralNetworkClassification method)
(deepinsight.doctor.prediction.classification_fit.RFClassification method)
(deepinsight.doctor.prediction.classification_fit.SGDClassification method)
(deepinsight.doctor.prediction.classification_fit.SVCClassification method)
(deepinsight.doctor.prediction.classification_fit.ScikitClassification method)
(deepinsight.doctor.prediction.classification_fit.XGBClassification method)
(deepinsight.doctor.prediction.common.PredictionAlgorithm method)
(deepinsight.doctor.prediction.regression_fit.DecisionTreeRegression method)
(deepinsight.doctor.prediction.regression_fit.ExtraTreesRegression method)
(deepinsight.doctor.prediction.regression_fit.GBTRegression method)
(deepinsight.doctor.prediction.regression_fit.KNNRegression method)
(deepinsight.doctor.prediction.regression_fit.LARSRegression method)
(deepinsight.doctor.prediction.regression_fit.LassoRegression method)
(deepinsight.doctor.prediction.regression_fit.LeastSquareRegression method)
(deepinsight.doctor.prediction.regression_fit.NeuralNetworkRegression method)
(deepinsight.doctor.prediction.regression_fit.RFRegression method)
(deepinsight.doctor.prediction.regression_fit.RidgeRegression method)
(deepinsight.doctor.prediction.regression_fit.SGDRegression method)
(deepinsight.doctor.prediction.regression_fit.SVMRegression method)
(deepinsight.doctor.prediction.regression_fit.ScikitRegression method)
(deepinsight.doctor.prediction.regression_fit.XGBoostRegression method)
outputs_probas() (deepinsight.doctor.prediction.ensembles.ClassificationEnsembler method)
(deepinsight.doctor.prediction.ensembles.Ensembler method)
(deepinsight.doctor.prediction.ensembles.ProbabilisticEnsembler method)
P
p_tabulate_h() (in module deepinsight.apinode.admin.utils)
package_is_at_least() (in module deepinsight.base.utils)
PairwiseLinearCombinationsGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
pandas_dt_type() (in module deepinsight.core.schema_handling)
parse_cells_from_render() (in module deepinsight.doctor.notebook_builder)
parse_local_date() (in module deepinsight.core.dataset)
(in module deepinsight.core.schema_handling)
PartialDependenciesProgress (class in deepinsight.doctor.posttraining.partial_depency)
PartialDependenciesSaver (class in deepinsight.doctor.posttraining.partial_depency)
PartialDependencyComputer (class in deepinsight.doctor.posttraining.partial_depency)
PartialDependencyFeature (class in deepinsight.doctor.posttraining.partial_depency)
PartialDependencyPlotBuilder (class in deepinsight.doctor.prediction.regression_scoring)
PartialDependencyResult (class in deepinsight.doctor.posttraining.partial_depency)
PCA (class in deepinsight.doctor.preprocessing.pca)
pca (deepinsight.doctor.preprocessing.pca.PCA attribute)
PCA2 (class in deepinsight.doctor.preprocessing.pca)
PCAFeatureSelection (class in deepinsight.doctor.prediction.feature_selection)
PCASelector (class in deepinsight.doctor.prediction.feature_selection)
PCAStep (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
pearson_correlation() (in module deepinsight.doctor.prediction.regression_scoring)
PercentageProgress (class in deepinsight.doctor.posttraining.percentage_progress)
perform_replacement() (deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
ping() (in module deepinsight.doctor.commands)
PipeToGeneratorThread (class in deepinsight.core.dtio)
pivot_property_to_list() (in module deepinsight.doctor.prediction.common)
pk_path() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
(deepinsight.doctor.clustering.clustering_scorer.IntrinsicClusteringModelScorer method)
pop_state() (deepinsight.doctor.utils.listener.ProgressListener method)
post_process() (deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsClassifier method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsRegressor method)
pred_to_dict() (in module deepinsight.apinode.predict.server)
predict() (deepinsight.apinode.predict.functionserver.LoadedFunction method)
(deepinsight.apinode.predict.predictor.ClassificationPredictor method)
(deepinsight.apinode.predict.predictor.RegressionPredictor method)
(deepinsight.core.saved_model.EnsemblePredictor method)
(deepinsight.core.saved_model.Predictor method)
(deepinsight.doctor.clustering.anomaly_detection.DkuIsolationForest method)
(deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
(deepinsight.doctor.forest.IML method)
(deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
(deepinsight.doctor.prediction.ensembles.EnsembleModel method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsClassifier method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsRegressor method)
(deepinsight.doctor.prediction.regression_scoring.ZeroEstimator method)
predict_and_concatenate() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
predict_as_dataframe() (deepinsight.doctor.prediction.ensembles.EnsembleModel method)
predict_proba() (deepinsight.doctor.forest.IML method)
(deepinsight.doctor.prediction.ensembles.EnsembleModel method)
(deepinsight.doctor.prediction.lars.DkuLassoLarsClassifier method)
predict_proba_as_dataframe() (deepinsight.doctor.prediction.ensembles.EnsembleModel method)
prediction_train_model_keras() (in module deepinsight.doctor.prediction_entrypoints)
prediction_train_model_kfold() (in module deepinsight.doctor.prediction_entrypoints)
prediction_train_score_save() (in module deepinsight.doctor.prediction_entrypoints)
prediction_train_score_save_ensemble() (in module deepinsight.doctor.prediction_entrypoints)
prediction_type (deepinsight.doctor.notebook_builder.PredictionNotebookBuilder attribute)
(deepinsight.doctor.preprocessing_handler.PreprocessingHandler attribute)
PredictionAlgorithm (class in deepinsight.doctor.prediction.common)
PredictionModelInformationHandler (class in deepinsight.doctor.posttraining.model_information_handler)
PredictionModelIntrinsicScorer (class in deepinsight.doctor.prediction.scoring_base)
PredictionModelScorer (class in deepinsight.doctor.prediction.scoring_base)
PredictionNotebookBuilder (class in deepinsight.doctor.notebook_builder)
PredictionPreprocessingDataCollector (class in deepinsight.doctor.preprocessing_collector)
PredictionPreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
Predictor (class in deepinsight.core.saved_model)
prefix (deepinsight.doctor.multiframe.DataFrameBuilder attribute)
(deepinsight.doctor.preprocessing.pca.PCA attribute)
prepare_for_scoring() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
prepare_for_scoring_full() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
prepare_multiframe() (in module deepinsight.doctor.clustering.common)
(in module deepinsight.doctor.prediction.common)
preprocess() (deepinsight.core.saved_model.KerasPreprocessing method)
(deepinsight.core.saved_model.Predictor method)
(deepinsight.core.saved_model.Preprocessing method)
Preprocessing (class in deepinsight.core.saved_model)
preprocessing_steps() (deepinsight.doctor.preprocessing_handler.ClusteringPreprocessingHandler method)
(deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler method)
(deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
PreprocessingDataCollector (class in deepinsight.doctor.preprocessing_collector)
PreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
PreprocessingPipeline (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
PreprocessingResult (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
ProbabilisticAverageEnsembler (class in deepinsight.doctor.prediction.ensembles)
ProbabilisticEnsembler (class in deepinsight.doctor.prediction.ensembles)
process() (deepinsight.doctor.prediction.feature_selection.FeatureSelectionStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.AddReferenceInOutput method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.AllInteractionFeaturesGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BinarizeSeries method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BlockStdRescalingProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalFeatureHashingProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CopyMultipleColumnsFromInput method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.CustomPreprocessingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DropNARows method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DropRowsWhereNoTarget method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DropRowsWhereNoTargetNorWeight method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DumpFullMF method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DumpInputDF method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DumpMFDetails method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.DumpPipelineState method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.EmitCurrentMFAsResult method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ExtractColumn method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FastSparseDummifyProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FeatureSelectorOutputExecStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FeatureSelectorOutputTrainStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FileFunctionPreprocessing method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FlagMissingValue2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.FlushDFBuilder method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.MultipleImputeMissingFromInput method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalCategoricalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalDerivativesGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalNumericalInteraction method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.OutlierDetection method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PCAStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PairwiseLinearCombinationsGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.QuantileBinSeries method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RandomColumnsGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RealignTarget method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RealignWeight method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RemapValueToOutput method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.RescalingProcessor2 method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.SetInputDFAsBlock method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.SingleColumnDropNARows method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.Step method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextCountVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextHashingVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextHashingVectorizerWithSVDProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.TextTFIDFVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.UnfoldVectorProcessor method)
process_line() (deepinsight.doctor.crossval.grid_search_cv.CVInterruptWatcherThread method)
ProgressListener (class in deepinsight.doctor.utils.listener)
push_data() (deepinsight.core.dataset_write.StreamingAPI method)
push_state() (deepinsight.doctor.utils.listener.ProgressListener method)
python2_friendly_exec() (in module deepinsight.doctor.prediction.common)
Python2UTF8CSVReader (class in deepinsight.core.dtio)
Python2UTF8CSVWriter (class in deepinsight.core.dtio)
Python2UTF8Writer (class in deepinsight.core.dt_pandas_csv)
Python3UTF8CSVReader (class in deepinsight.core.dtio)
Python3UTF8CSVWriter (class in deepinsight.core.dtio)
Python3UTF8Writer (class in deepinsight.core.dt_pandas_csv)
Q
QuantileBinSeries (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
query_to_df() (deepinsight.core.sql.HiveExecutor method)
(deepinsight.core.sql.ImpalaExecutor method)
(deepinsight.core.sql.SQLExecutor method)
(deepinsight.core.sql.SparkExecutor method)
(deepinsightapi.dt.sqlquery.DTSQLQuery method)
query_to_iter() (deepinsight.core.sql.HiveExecutor method)
(deepinsight.core.sql.ImpalaExecutor method)
(deepinsight.core.sql.SQLExecutor method)
(deepinsight.core.sql.SparkExecutor method)
QueryReader (class in deepinsight.core.sql)
R
raise_on_failure() (deepinsight.core.dataset_write.WriteSessionWaiter method)
RandomColumnsGenerator (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
RandomDkuParameterGrid (class in deepinsight.doctor.crossval.grid_search_cv)
RandomForestClassifierIML (class in deepinsight.doctor.forest)
RandomForestRegressorIML (class in deepinsight.doctor.forest)
RandomForestSelector (class in deepinsight.doctor.prediction.feature_selection)
RandomForestSummaryBuilder (class in deepinsight.doctor.prediction.regression_scoring)
raw_formatted_data() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
read() (deepinsight.core.dataset_write.RemoteStreamWriter method)
(deepinsight.doctor.deep_learning.preprocessing.DummyFileReader method)
read_block() (deepinsight.base.java_link.JavaLink method)
read_dt_env_and_set() (in module deepinsight.base.remoterun)
read_json() (deepinsight.base.java_link.JavaLink method)
read_metadata() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
read_schema() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
readable() (deepinsight.base.java_link.LinkedInputStream method)
readinto() (deepinsight.base.java_link.LinkedInputStream method)
RealignTarget (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
RealignWeight (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
register_classification_algorithm() (in module deepinsight.doctor.prediction.classification_fit)
register_regression_algorithm() (in module deepinsight.doctor.prediction.regression_fit)
regression_fit_ensemble() (in module deepinsight.doctor.prediction.regression_fit)
regression_fit_single() (in module deepinsight.doctor.prediction.regression_fit)
regression_predict() (in module deepinsight.doctor.prediction.regression_scoring)
regression_predict_ensemble() (in module deepinsight.doctor.prediction.regression_scoring)
regression_predict_single() (in module deepinsight.doctor.prediction.regression_scoring)
regression_scorer_with_valid() (in module deepinsight.doctor.prediction.regression_scoring)
RegressionCorrelationSelector (class in deepinsight.doctor.prediction.feature_selection)
RegressionIML (class in deepinsight.doctor.forest)
RegressionModelIntrinsicScorer (class in deepinsight.doctor.prediction.regression_scoring)
RegressionModelScorer (class in deepinsight.doctor.prediction.regression_scoring)
RegressionModelSerializer (class in deepinsight.doctor.prediction.prediction_model_serialization)
RegressionPredictor (class in deepinsight.apinode.predict.predictor)
RegressionPreprocessingHandler (class in deepinsight.doctor.preprocessing_handler)
RemapValueToOutput (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
RemoteStreamWriter (class in deepinsight.core.dataset_write)
remove_all_nan() (in module deepinsight.doctor.utils)
replace_value_by_empty() (in module deepinsight.doctor.prediction.common)
report() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
report_fit() (deepinsight.doctor.preprocessing.dataframe_preprocessing.AllInteractionFeaturesGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.BaseCountVectorizerProcessor method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.ImpactCodingStep method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PairwiseLinearCombinationsGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.Step method)
rescale_context() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
rescaling (deepinsight.doctor.preprocessing.impact_coding.ContinuousImpactCoding attribute)
RescalingProcessor2 (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
reset() (deepinsight.doctor.utils.listener.ProgressListener method)
results (deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline attribute)
retrieve_func_from_code() (in module deepinsight.doctor.deep_learning.keras_support)
RFClassification (class in deepinsight.doctor.prediction.classification_fit)
RFRegression (class in deepinsight.doctor.prediction.regression_fit)
RidgeRegression (class in deepinsight.doctor.prediction.regression_fit)
rmse_score() (in module deepinsight.doctor.utils.metrics)
rmsle_score() (in module deepinsight.doctor.utils.metrics)
run() (deepinsight.core.dataset_write.RemoteStreamWriter method)
(deepinsight.core.dataset_write.WriteSessionWaiter method)
(deepinsight.core.dtio.PipeToGeneratorThread method)
(deepinsight.doctor.crossval.grid_search_cv.CVInterruptWatcherThread method)
(deepinsight.doctor.utils.subsampler.Subsampler method)
(deepinsight.timer.step.StepHandle method)
run_binary_scoring() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
run_regression_scoring() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
run_step() (deepinsight.timer.timer.Timer method)
S
safe_del() (in module deepinsight.doctor.prediction.common)
safe_os_environ_update() (in module deepinsight.base.remoterun)
safe_positive_int() (in module deepinsight.doctor.prediction.common)
safe_unicode_str() (in module deepinsight.base.utils)
sample_weight_variable (deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler attribute)
save() (deepinsight.core.dt_pandas_csv.DTCSVFormatter method)
(deepinsight.doctor.posttraining.partial_depency.PartialDependenciesSaver method)
save_bokeh() (in module deepinsight.insights)
save_data() (deepinsight.doctor.preprocessing_handler.PreprocessingHandler method)
(in module deepinsight.insights)
save_figure() (in module deepinsight.insights)
save_ggplot() (in module deepinsight.insights)
save_plotly() (in module deepinsight.insights)
save_prediction_model() (in module deepinsight.doctor.prediction.common)
scaler (deepinsight.doctor.preprocessing.impact_coding.ContinuousImpactCoding attribute)
Schema (class in deepinsight.core.dataset)
scikit_model() (in module deepinsight.doctor.clustering.clustering_fit)
(in module deepinsight.doctor.prediction.common)
ScikitClassification (class in deepinsight.doctor.prediction.classification_fit)
ScikitRegression (class in deepinsight.doctor.prediction.regression_fit)
score() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
(deepinsight.doctor.clustering.clustering_scorer.IntrinsicClusteringModelScorer method)
(deepinsight.doctor.prediction.classification_scoring.BinaryClassificationModelScorer method)
(deepinsight.doctor.prediction.classification_scoring.CVBinaryClassificationModelScorer method)
(deepinsight.doctor.prediction.classification_scoring.CVMulticlassModelScorer method)
(deepinsight.doctor.prediction.classification_scoring.ClassificationModelIntrinsicScorer method)
(deepinsight.doctor.prediction.classification_scoring.MulticlassModelScorer method)
(deepinsight.doctor.prediction.regression_scoring.CVRegressionModelScorer method)
(deepinsight.doctor.prediction.regression_scoring.RegressionModelIntrinsicScorer method)
(deepinsight.doctor.prediction.regression_scoring.RegressionModelScorer method)
scored_dataset_generator() (in module deepinsight.doctor.deep_learning.keras_support)
select_columns() (deepinsight.doctor.multiframe.MultiFrame method)
send_block() (deepinsight.base.java_link.JavaLink method)
send_json() (deepinsight.base.java_link.JavaLink method)
send_string() (deepinsight.base.java_link.JavaLink method)
SerializableModel (class in deepinsight.doctor.prediction.prediction_model_serialization)
serialize() (deepinsight.doctor.prediction.prediction_model_serialization.ModelSerializer method)
serve() (in module deepinsight.apinode.predict.functionserver)
(in module deepinsight.apinode.predict.server)
(in module deepinsight.doctor.server)
set_before_interrupt_check_callback() (in module deepinsight.doctor.utils.interrupt_optimization)
set_column_labels() (deepinsight.doctor.utils.crossval.DKULeaveOneGroupOut method)
(deepinsight.doctor.utils.crossval.DKULeavePGroupsOut method)
set_current_progress() (deepinsight.doctor.utils.listener.ProgressListener method)
set_data() (deepinsight.doctor.preprocessing.impact_coding.NestedKFoldImpactCoder method)
set_default_decorator() (in module deepinsight.core.dtjson)
set_dt_env_var_and_sys_env_var() (in module deepinsight.base.remoterun)
set_evolution_state() (deepinsight.doctor.preprocessing.dataframe_preprocessing.CategoricalsCountTransformerGenerator method)
(deepinsight.doctor.preprocessing.dataframe_preprocessing.NumericalFeaturesClusteringGenerator method)
set_index_from_df() (deepinsight.doctor.multiframe.MultiFrame method)
set_interrupt_folder() (in module deepinsight.doctor.utils.interrupt_optimization)
set_keras_scoring_batches() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
set_n_features_v0_18_v0_19() (in module deepinsight.doctor.prediction.regression_scoring)
set_params() (deepinsight.doctor.forest.IML method)
(deepinsight.doctor.prediction.dt_xgboost.DTXGBClassifier method)
(deepinsight.doctor.prediction.dt_xgboost.DTXGBRegressor method)
set_percentage() (deepinsight.doctor.posttraining.percentage_progress.PercentageProgress method)
set_percentage_for_single_computation() (deepinsight.doctor.posttraining.partial_depency.PartialDependenciesProgress method)
set_preparation_steps() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
set_project_variables() (deepinsight.timer.timer.Timer method)
set_remote_dt() (in module deepinsight)
(in module deepinsight.core.intercom)
set_scale() (deepinsight.doctor.preprocessing.dataframe_preprocessing.RescalingProcessor2 method)
set_selection_state_folder() (deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler method)
set_timer_variables() (deepinsight.timer.timer.Timer method)
set_variable() (in module deepinsight.doctor.deep_learning.shared_variables)
set_with_target_pipelines_mode() (deepinsight.doctor.prediction.ensembles.EnsembleModel method)
set_write_partition() (deepinsight.core.base.Computable method)
(deepinsight.Dataset method)
(deepinsight.core.dataset.Dataset method)
SetInputDFAsBlock (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
SGDClassification (class in deepinsight.doctor.prediction.classification_fit)
SGDRegression (class in deepinsight.doctor.prediction.regression_fit)
shape (deepinsight.doctor.multiframe.DataFrameWrapper attribute)
(deepinsight.doctor.multiframe.NamedNPArray attribute)
(deepinsight.doctor.multiframe.SparseMatrixWithNames attribute)
shape() (deepinsight.doctor.multiframe.MultiFrame method)
should_continue() (deepinsight.doctor.forest.IML method)
should_send_block_to_one_feature() (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping method)
silhouette_score() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
SingleColumnDropNARows (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
skip_hyperparam_search() (deepinsight.doctor.crossval.grid_search_cv.GridSearcher method)
smart_decode_str() (in module deepinsight.base.utils)
SparkExecutor (class in deepinsight.core.sql)
sparse_abs_cor() (deepinsight.doctor.prediction.feature_selection.RegressionCorrelationSelector static method)
SparseMatrixWithNames (class in deepinsight.doctor.multiframe)
split() (deepinsight.doctor.utils.crossval.DKULeaveOneGroupOut method)
(deepinsight.doctor.utils.crossval.DKULeavePGroupsOut method)
split_train_per_input() (in module deepinsight.doctor.deep_learning.keras_utils)
split_train_valid() (in module deepinsight.core.pandasutils)
sql_query() (deepinsightapi.dtclient.DTClient method)
SQLExecutor (class in deepinsight.core.sql)
start() (deepinsight.timer.step.StepHandle method)
state (deepinsight.core.dataset.IteratorWithTimeOut attribute)
stats (deepinsight.doctor.preprocessing.pca.PCA attribute)
stats() (deepinsight.doctor.multiframe.MultiFrame method)
Step (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
StepFailedException
StepHandle (class in deepinsight.timer.step)
StepResult (class in deepinsight.timer.step)
steps (deepinsight.doctor.preprocessing.dataframe_preprocessing.PreprocessingPipeline attribute)
str_to_bool() (in module deepinsight.core.schema_handling)
stratified_forced_subsampling() (deepinsight.doctor.utils.subsampler.Subsampler method)
stratified_subsampling() (deepinsight.doctor.utils.subsampler.Subsampler method)
StreamingAPI (class in deepinsight.core.dataset_write)
strip_accents() (in module deepinsight.doctor.utils)
subsample() (in module deepinsight.doctor.utils.subsampler)
Subsampler (class in deepinsight.doctor.utils.subsampler)
supports_weight (deepinsight.doctor.prediction.classification_fit.KNNClassification attribute)
(deepinsight.doctor.prediction.classification_fit.LARSClassification attribute)
(deepinsight.doctor.prediction.classification_fit.NeuralNetworkClassification attribute)
(deepinsight.doctor.prediction.common.PredictionAlgorithm attribute)
(deepinsight.doctor.prediction.regression_fit.KNNRegression attribute)
(deepinsight.doctor.prediction.regression_fit.LARSRegression attribute)
(deepinsight.doctor.prediction.regression_fit.LassoRegression attribute)
(deepinsight.doctor.prediction.regression_fit.NeuralNetworkRegression attribute)
(deepinsight.doctor.prediction.regression_fit.XGBoostRegression attribute)
SVCClassification (class in deepinsight.doctor.prediction.classification_fit)
SVMRegression (class in deepinsight.doctor.prediction.regression_fit)
T
tag_special_features() (in module deepinsight.doctor.deep_learning.keras_utils)
target_map (deepinsight.doctor.preprocessing_handler.BinaryClassificationPreprocessingHandler attribute)
(deepinsight.doctor.preprocessing_handler.MulticlassPreprocessingHandler attribute)
(deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler attribute)
(deepinsight.doctor.preprocessing_handler.RegressionPreprocessingHandler attribute)
target_variable (deepinsight.doctor.notebook_builder.PredictionNotebookBuilder attribute)
(deepinsight.doctor.preprocessing_handler.PreprocessingHandler attribute)
template() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
template_name() (deepinsight.doctor.notebook_builder.ClusteringNotebookBuilder method)
(deepinsight.doctor.notebook_builder.NotebookBuilder method)
(deepinsight.doctor.notebook_builder.PredictionNotebookBuilder method)
text_preprocessing_context() (deepinsight.doctor.notebook_builder.NotebookBuilder method)
TextCountVectorizerProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
TextHashingVectorizerProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
TextHashingVectorizerWithSVDProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
TextTFIDFVectorizerProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
timeout (deepinsight.core.dataset.IteratorWithTimeOut attribute)
TimeoutableQueue (class in deepinsight.core.dataset_write)
(class in deepinsight.core.dtio)
TimeoutExpired
,
[1]
Timer (class in deepinsight.timer.timer)
title() (deepinsight.doctor.notebook_builder.ClusteringNotebookBuilder method)
(deepinsight.doctor.notebook_builder.NotebookBuilder method)
(deepinsight.doctor.notebook_builder.PredictionNotebookBuilder method)
to_dataframe() (deepinsight.doctor.multiframe.DataFrameBuilder method)
to_json() (deepinsight.doctor.clustering.two_step_clustering.Tree method)
(deepinsight.doctor.clustering.two_step_clustering.TwoStepClustering method)
(deepinsight.doctor.prediction.feature_selection.FeatureSelection method)
to_jsonifiable() (deepinsight.doctor.utils.listener.ProgressListener method)
TO_ONE_FEATURE (deepinsight.doctor.preprocessing.dataframe_preprocessing.GeneratedFeaturesMapping attribute)
TokenizerProcessor (class in deepinsight.doctor.deep_learning.preprocessing)
touched (deepinsight.core.dataset.IteratorWithTimeOut attribute)
train_clustering_models_nosave() (in module deepinsight.doctor.commands)
train_prediction_keras() (in module deepinsight.doctor.commands)
train_prediction_kfold() (in module deepinsight.doctor.commands)
train_prediction_models_nosave() (in module deepinsight.doctor.commands)
train_test_split() (in module deepinsight.doctor.prediction.common)
transform() (deepinsight.doctor.deep_learning.preprocessing.TokenizerProcessor method)
(deepinsight.doctor.prediction.feature_selection.DropFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.FeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.NoopFeatureSelection method)
(deepinsight.doctor.prediction.feature_selection.PCAFeatureSelection method)
(deepinsight.doctor.preprocessing.impact_coding.ImpactCoding method)
(deepinsight.doctor.preprocessing.impact_coding.NestedKFoldImpactCoder method)
(deepinsight.doctor.preprocessing.pca.PCA method)
(deepinsight.doctor.preprocessing.pca.PCA2 method)
Tree (class in deepinsight.doctor.clustering.two_step_clustering)
TreeSummaryBuilder (class in deepinsight.doctor.prediction.regression_scoring)
Trigger (class in deepinsight.timer.trigger)
trim_curve() (in module deepinsight.doctor.prediction.scoring_base)
trim_underscores() (in module deepinsight.doctor.dtapi)
TwoStepClustering (class in deepinsight.doctor.clustering.two_step_clustering)
U
UnfoldVectorProcessor (class in deepinsight.doctor.preprocessing.dataframe_preprocessing)
unique() (in module deepinsight.core.dataset)
unix_time_millis() (in module deepinsight.doctor.utils.listener)
update_deep_learning_model_info() (in module deepinsight.doctor.deep_learning.keras_callbacks)
update_gridsearch_info() (in module deepinsight.doctor.utils)
update_insight() (in module deepinsight.insights)
use_sparse_pca() (deepinsight.doctor.prediction.feature_selection.PCASelector static method)
V
value_counts() (in module deepinsight.doctor.clustering.clustering_scorer)
values() (deepinsight.core.dataset.DatasetCursor method)
values_map (deepinsight.doctor.preprocessing.dataframe_preprocessing.RemapValueToOutput attribute)
variables_importance() (deepinsight.doctor.clustering.clustering_scorer.ClusteringModelScorer method)
VotingEnsembler (class in deepinsight.doctor.prediction.ensembles)
W
wait_end() (deepinsight.core.dataset_write.WriteSessionWaiter method)
wait_for_completion() (deepinsight.core.dtio.PipeToGeneratorThread method)
(deepinsight.timer.step.StepHandle method)
wait_write_session() (deepinsight.core.dataset_write.StreamingAPI method)
wake_me_up (deepinsight.core.dataset.IteratorWithTimeOut attribute)
watch_stdin() (in module deepinsight.base.utils)
weight_map (deepinsight.doctor.preprocessing_handler.PredictionPreprocessingHandler attribute)
weighted_quantile() (in module deepinsight.doctor.prediction.common)
with_sample_weights() (deepinsight.doctor.posttraining.model_information_handler.PredictionModelInformationHandler method)
writable() (deepinsight.base.java_link.LinkedOutputStream method)
write() (deepinsight.base.java_link.LinkedOutputStream method)
(deepinsight.core.dataset_write.RemoteStreamWriter method)
(deepinsight.core.dtio.PipeToGeneratorThread method)
write_dataframe() (deepinsight.core.dataset_write.DatasetWriter method)
(deepinsight.core.dataset_write.FakeDatasetWriter method)
write_done_traininfo() (in module deepinsight.doctor.utils)
write_from_dataframe() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
write_metadata() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
write_model_status() (in module deepinsight.doctor.utils)
write_preproc_file() (in module deepinsight.doctor.utils)
write_row_array() (deepinsight.core.dataset_write.DatasetWriter method)
write_row_dict() (deepinsight.core.dataset_write.DatasetWriter method)
write_running_traininfo() (in module deepinsight.doctor.utils)
write_schema() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
write_schema_from_dataframe() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
write_tuple() (deepinsight.core.dataset_write.DatasetWriter method)
write_with_schema() (deepinsight.core.dataset.Dataset method)
(deepinsight.Dataset method)
writerow() (deepinsight.core.dt_pandas_csv.Python2UTF8Writer method)
(deepinsight.core.dt_pandas_csv.Python3UTF8Writer method)
(deepinsight.core.dtio.Python2UTF8CSVWriter method)
(deepinsight.core.dtio.Python3UTF8CSVWriter method)
writerows() (deepinsight.core.dt_pandas_csv.Python2UTF8Writer method)
(deepinsight.core.dt_pandas_csv.Python3UTF8Writer method)
(deepinsight.core.dtio.Python2UTF8CSVWriter method)
(deepinsight.core.dtio.Python3UTF8CSVWriter method)
WriteSessionWaiter (class in deepinsight.core.dataset_write)
X
XGBClassification (class in deepinsight.doctor.prediction.classification_fit)
XGBoostRegression (class in deepinsight.doctor.prediction.regression_fit)
Z
ZeroEstimator (class in deepinsight.doctor.prediction.regression_scoring)